Loading

Labor

[Getting Started Notebook] LABOR Challange

This is a Baseline Code to get you started with the challenge.

gauransh_k

This is a Baseline Code to get you started with the challenge. This is a Baseline Code to get you started with the challenge.

AIcrowd-Logo

Baseline for LABOR Challenge on AIcrowd

Author : Gauransh Kumar, Faizan Farooq Khan

Download Necessary Packages 📚

In [1]:
import sys
!{sys.executable} -m pip install numpy
!{sys.executable} -m pip install pandas
!{sys.executable} -m pip install scikit-learn
!{sys.executable} -m pip install aicrowd-cli
%load_ext aicrowd.magic
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
Requirement already satisfied: numpy in /home/gauransh/anaconda3/lib/python3.8/site-packages (1.18.5)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
Requirement already satisfied: pandas in /home/gauransh/anaconda3/lib/python3.8/site-packages (1.3.2)
Requirement already satisfied: numpy>=1.17.3 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from pandas) (1.18.5)
Requirement already satisfied: python-dateutil>=2.7.3 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from pandas) (2.8.2)
Requirement already satisfied: pytz>=2017.3 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from pandas) (2021.1)
Requirement already satisfied: six>=1.5 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from python-dateutil>=2.7.3->pandas) (1.15.0)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
Requirement already satisfied: scikit-learn in /home/gauransh/anaconda3/lib/python3.8/site-packages (0.24.2)
Requirement already satisfied: threadpoolctl>=2.0.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from scikit-learn) (2.2.0)
Requirement already satisfied: joblib>=0.11 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from scikit-learn) (1.0.1)
Requirement already satisfied: scipy>=0.19.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from scikit-learn) (1.6.2)
Requirement already satisfied: numpy>=1.13.3 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from scikit-learn) (1.18.5)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
Requirement already satisfied: aicrowd-cli in /home/gauransh/anaconda3/lib/python3.8/site-packages (0.1.10)
Requirement already satisfied: tqdm<5,>=4.56.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (4.60.0)
Requirement already satisfied: click<8,>=7.1.2 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (7.1.2)
Requirement already satisfied: requests<3,>=2.25.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (2.26.0)
Requirement already satisfied: rich<11,>=10.0.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (10.15.2)
Requirement already satisfied: toml<1,>=0.10.2 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (0.10.2)
Requirement already satisfied: pyzmq==22.1.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (22.1.0)
Requirement already satisfied: GitPython==3.1.18 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (3.1.18)
Requirement already satisfied: requests-toolbelt<1,>=0.9.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from aicrowd-cli) (0.9.1)
Requirement already satisfied: gitdb<5,>=4.0.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from GitPython==3.1.18->aicrowd-cli) (4.0.9)
Requirement already satisfied: smmap<6,>=3.0.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from gitdb<5,>=4.0.1->GitPython==3.1.18->aicrowd-cli) (5.0.0)
Requirement already satisfied: charset-normalizer~=2.0.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from requests<3,>=2.25.1->aicrowd-cli) (2.0.0)
Requirement already satisfied: certifi>=2017.4.17 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from requests<3,>=2.25.1->aicrowd-cli) (2021.10.8)
Requirement already satisfied: idna<4,>=2.5 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from requests<3,>=2.25.1->aicrowd-cli) (3.1)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from requests<3,>=2.25.1->aicrowd-cli) (1.26.6)
Requirement already satisfied: commonmark<0.10.0,>=0.9.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from rich<11,>=10.0.0->aicrowd-cli) (0.9.1)
Requirement already satisfied: pygments<3.0.0,>=2.6.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from rich<11,>=10.0.0->aicrowd-cli) (2.10.0)
Requirement already satisfied: colorama<0.5.0,>=0.4.0 in /home/gauransh/anaconda3/lib/python3.8/site-packages (from rich<11,>=10.0.0->aicrowd-cli) (0.4.4)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)
WARNING: Ignoring invalid distribution -umpy (/home/gauransh/anaconda3/lib/python3.8/site-packages)

Download Data

The first step is to download out train test data. We will be training a model on the train data and make predictions on test data. We submit our predictions

In [2]:
#Donwload the datasets
!rm -rf data
!mkdir data
%aicrowd ds dl -c labor -o data

Import packages

In [3]:
import pandas as pd
import numpy as np
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LogisticRegression
from sklearn.neural_network import MLPClassifier
from sklearn.svm import SVC
from sklearn.metrics import f1_score,precision_score,recall_score,accuracy_score

Load Data

  • We use pandas 🐼 library to load our data.
  • Pandas loads the data into dataframes and facilitates us to analyse the data.
  • Learn more about it here 🤓
In [4]:
all_data_path = "data/train.csv" #path where data is stored
In [5]:
all_data = pd.read_csv(all_data_path) #load data in dataframe using pandas

Visualize the data 👀

In [6]:
all_data.head()
Out[6]:
duration wage-increase-first-year wage-increase-second-year wage-increase-third-year cost-of-living-adjustment working-hours pension standby-pay shift-differential education-allowance statutory-holidays vacation longterm-disability-assistance contribution-to-dental-plan bereavement-assistance contribution-to-health-plan class
0 3 3.597483 4.000000 5.000000 0 40.000000 2 8.32238 3.0 0 11.0 0 1 1 1 2 1
1 3 3.968619 4.000000 5.100000 1 40.000000 2 2.00000 3.0 0 12.0 1 1 2 1 2 1
2 2 6.328544 5.089680 5.000000 0 35.915468 2 2.00000 4.0 0 12.0 1 1 1 1 2 1
3 2 4.348288 5.336979 5.000000 0 37.651356 2 2.00000 3.0 0 15.0 1 1 2 1 2 1
4 2 3.530789 2.892247 2.029438 0 40.000000 2 2.00000 4.0 0 11.0 1 1 1 1 2 1

We can see the dataset contains 17 columns,where columns 1-16 denotes the information about the labor and the last column tell whether he is in good(1) class or bad(0) classsubcribed the service or not.

Split Data into Train and Validation 🔪

  • The next step is to think of a way to test how well our model is performing. we cannot use the test data given as it does not contain the data labels for us to verify.
  • The workaround this is to split the given training data into training and validation. Typically validation sets give us an idea of how our model will perform on unforeseen data. it is like holding back a chunk of data while training our model and then using it to for the purpose of testing. it is a standard way to fine-tune hyperparameters in a model.
  • There are multiple ways to split a dataset into validation and training sets. following are two popular ways to go about it, k-fold, leave one out. 🧐
  • Validation sets are also used to avoid your model from overfitting on the train dataset.
In [7]:
X_train, X_val= train_test_split(all_data, test_size=0.2, random_state=42)
  • We have decided to split the data with 20 % as validation and 80 % as training.
  • To learn more about the train_test_split function click here. 🧐
  • This is of course the simplest way to validate your model by simply taking a random chunk of the train set and setting it aside solely for the purpose of testing our train model on unseen data. as mentioned in the previous block, you can experiment 🔬 with and choose more sophisticated techniques and make your model better.
  • Now, since we have our data splitted into train and validation sets, we need to get the corresponding labels separated from the data.
  • with this step we are all set move to the next step with a prepared dataset.
In [8]:
X_train,y_train = X_train.iloc[:,:-1],X_train.iloc[:,-1]
X_val,y_val = X_val.iloc[:,:-1],X_val.iloc[:,-1]

TRAINING PHASE 🏋️

Define the Model

  • We have fixed our data and now we are ready to train our model.

  • There are a ton of classifiers to choose from some being Logistic Regression, SVM, Random Forests, Decision Trees, etc.🧐

  • Remember that there are no hard-laid rules here. you can mix and match classifiers, it is advisable to read up on the numerous techniques and choose the best fit for your solution , experimentation is the key.

  • A good model does not depend solely on the classifier but also on the features you choose. So make sure to analyse and understand your data well and move forward with a clear view of the problem at hand. you can gain important insight from here.🧐

In [9]:
classifier = SVC(gamma='auto')

#from sklearn.linear_model import LogisticRegression
# classifier = LogisticRegression()
  • To start you off, We have used a basic Support Vector Machines classifier here.
  • But you can tune parameters and increase the performance. To see the list of parameters visit here.
  • Do keep in mind there exist sophisticated techniques for everything, the key as quoted earlier is to search them and experiment to fit your implementation.

To read more about other sklearn classifiers visit here 🧐. Try and use other classifiers to see how the performance of your model changes. Try using Logistic Regression or MLP and compare how the performance changes.

Train the classifier

In [10]:
classifier.fit(X_train, y_train)
Out[10]:
SVC(gamma='auto')

Got a warning! Dont worry, its just beacuse the number of iteration is very less(defined in the classifier in the above cell).Increase the number of iterations and see if the warning vanishes and also see how the performance changes.Do remember increasing iterations also increases the running time.( Hint: max_iter=500)

Validation Phase 🤔

Wonder how well your model learned! Lets check it.

Predict on Validation

Now we predict using our trained model on the validation set we created and evaluate our model on unforeseen data.

In [11]:
y_pred = classifier.predict(X_val)

Evaluate the Performance

  • We have used basic metrics to quantify the performance of our model.
  • This is a crucial step, you should reason out the metrics and take hints to improve aspects of your model.
  • Do read up on the meaning and use of different metrics. there exist more metrics and measures, you should learn to use them correctly with respect to the solution,dataset and other factors.
  • F1 score are the metrics for this challenge
In [12]:
precision = precision_score(y_val,y_pred,average='micro')
recall = recall_score(y_val,y_pred,average='micro')
accuracy = accuracy_score(y_val,y_pred)
f1 = f1_score(y_val,y_pred,average='macro')
In [13]:
print("Accuracy of the model is :" ,accuracy)
print("Recall of the model is :" ,recall)
print("Precision of the model is :" ,precision)
print("F1 score of the model is :" ,f1)
Accuracy of the model is : 0.9490625
Recall of the model is : 0.9490625
Precision of the model is : 0.9490625
F1 score of the model is : 0.9431369169503552

Testing Phase 😅

We are almost done. We trained and validated on the training data. Now its the time to predict on test set and make a submission.

Load Test Set

Load the test data on which final submission is to be made.

In [14]:
final_test_path = "data/test.csv"
final_test = pd.read_csv(final_test_path)

Predict Test Set

Time for the moment of truth! Predict on test set and time to make the submission.

In [15]:
submission = classifier.predict(final_test)

Save the prediction to csv

In [18]:
# Saving the pandas dataframe
!rm -rf assets
!mkdir assets
submission = pd.DataFrame(submission)
submission.to_csv('assets/submission.csv',header=['class'],index=False)

🚧 Note :

  • Do take a look at the submission format.
  • The submission file should contain a header.
  • Follow all submission guidelines strictly to avoid inconvenience.

Make a submission using the aicrwd -cli

In [19]:
!!aicrowd submission create -c labor -f assets/submission.csv
Out[19]:
['submission.csv ━━━━━━━━━━━━━━━━━━━━━━ 100.0% • 17.7/16.0 KB • 4.3 MB/s • 0:00:00',
 '                                              ╭─────────────────────────╮                                               ',
 '                                              │ Successfully submitted! │                                               ',
 '                                              ╰─────────────────────────╯                                               ',
 '                                                    Important links                                                     ',
 '┌──────────────────┬───────────────────────────────────────────────────────────────────────────────────────────────────┐',
 '│  This submission │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/labor/submissions/175251              │',
 '│                  │                                                                                                   │',
 '│  All submissions │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/labor/submissions?my_submissions=true │',
 '│                  │                                                                                                   │',
 '│      Leaderboard │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/labor/leaderboards                    │',
 '│                  │                                                                                                   │',
 '│ Discussion forum │ https://discourse.aicrowd.com/c/aicrowd-blitz-2                                                   │',
 '│                  │                                                                                                   │',
 '│   Challenge page │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/labor                                 │',
 '└──────────────────┴───────────────────────────────────────────────────────────────────────────────────────────────────┘',
 "{'submission_id': 175251, 'created_at': '2022-02-23T12:12:41.098Z'}"]

Comments

You must login before you can post a comment.

Execute