Python How to Feed in New Data to Logistic Regression Model

logistic regression model 3

In this blog post, we will discuss the logistic regression machine learning algorithm with a python example. Logistic regression is a type of regression algorithm that is used to predict the probability of occurrence of an event. It is often used in machine learning applications. In this tutorial, we will use python to implement logistic regression for binary classification problems.

What is Logistic Regression?

Logistic regression is a machine learning algorithm used for classification problems. That is, it can be used to predict whether an instance belongs to one class or the other. For example, it could be used to predict whether a person is male or female, based on their height, weight, and other features. It is a supervised learning algorithm that can be used to predict the probability of occurrence of an event. Logistic regression model learns the relationship between the features and the classes. The logistic regression algorithm is used to map the input data to a probability, unlike linear regression which is used to map the input data to continuous output values. Logistic regression models are used to predict the probability of an event occurring, such as whether or not a customer will purchase a product.  The output of the logistic regression model is a probability value between 0 and 1. The output represents the probability that the class of the input data is 1.

The input data is mapped to a probability using the sigmoid function. The sigmoid function, also called as logistic function, is a mathematical function that maps values (sum of weighted input) from -infinity to +infinity to values between 0 and 1. The sigmoid function that represents the hypothesis is defined as:

$$ \sigma(z) = \frac{1}{1 + e^{-z}} $$    …(eq. 1)

The value of z in sigmoid function represents the weighted sum of input values and can be written as the following:

$$z = \theta^{T}x $$    …(eq. 2)

Where θ  represents the parameters.

The following plot is created when the sigmoid function, $$ \sigma(z) $$ is plotted against the net input function output, z. Note that the value of sigmoid function ranges between 0 and 1.

Logistic regression - sigmoid function vs net input

The picture below represents different aspects of a logistic regression model:

logistic regression model 3

Based on the above picture, the following represents some of the key concepts related to logistic regression model:

  • A set of input features (xi) and related weights (wi) combines together and get added to the bias element (b). This is depicted as new input function in the above diagram. This is same as linear regression function. It is same as "z" shown in equation 1 of the above formula.
  • The net input is passed to the sigmoid function and the output of the sigmoid function ranges from 0 to 1
  • The output from sigmoid function is passed to a threshold function which then sends output as 1 or 0, 1 for the positive class.

The output of the logistic regression model (sigmoid function output) is always between 0 and 1. If the output is close to 0, it means that the event is less likely to occur. If the output is close to 1, it means that the event is more likely to happen. For example, if the value of logistic regression model (represented using sigmoid function) is 0.8, it represents that the probability that the event will occur is 0.8 given a particular set of parameters learned using cost function optimization. For any new value X, the output of the above function will be used for making the prediction.

The parameters in logistic regression is learned using the maximum likelihood estimation. The cost function for logistic regression is defined as:

Cost function for logistic regression

In above cost function, h represents the output of sigmoid function shown earlier, y represents the class/label of the training data, x represents the training data. Note that for binary classification problems, the first term will be zero for class labeled as as 0 and the second term will be zero for class labeled as 1. The equation below represents this aspect:

The value of cost function - Logistic regression

In order to fit the parameters, the objective function J( θ) would need to be minimized. Gradient descent algorithm can be used for optimizing the objective or cost function. This is how the equation looks like for updating the parameters when executing gradient descent algorithm. Ensuring that gradient descent is running correctly, the value of J( θ) is calculated for θ and checked that it is decreasing on every iteration.

gradient descent algorithm for logistic regression

Other optimization algorithm such as the following can be used: Conjugate gradient, BFGS, L-BFGS etc.

One of the key aspect of using logistic regression model for binary classification is deciding the decision boundary. In other words, deciding the threshold value that will be used to predict class label is called decision boundary.

Logistic regression is similar to linear regression, but the dependent variable in logistic regression is always categorical, while the dependent variable in linear regression is always continuous.

Logistic Regression Applications / Examples

The following represents few examples of problems that can be solved using binary classification model trained using logistic regression algorithm:

  • Spam email classification: In the context of spam email classification, logistic regression can be used to determine whether an email is spam or not. The algorithm does this by training on a dataset of labeled emails (i.e., emails that have been manually classified as spam or not spam). Once the algorithm has been trained, it can then be applied to new emails to make predictions about their labels. When training the logistic regression model for spam email classification because a variety of features of an email (such as the presence of certain keywords) is considered in order to make its predictions.
  • Fraudulent online transactions: In the context of online fraud detection, logistic regression can be used to classify transactions as either fraudulent or not fraudulent. This is done by inputting a variety of factors into the regression model, such as the amount of money involved in the transaction, the method of payment, the shipping address, etc. By analyzing this data, the model can generate a prediction about whether the transaction is likely to be fraudulent. This information can then be used by businesses to help prevent losses due to fraud.
  • Loan default: Logistic regression models can be used to predict whether a loan will default. It does this by assigning a probability to each loan, based on factors such as the borrower's credit score, employment history, loan amount, etc. The Logistic regression algorithm then uses these probabilities to classify loans into two groups: those that are likely to default, and those that are not. Logistic regression models are powerful in the sense that they can help lenders to identify loans that are more likely to default. This information can be used to make better decisions about which loans to approve and how to price them. Logistic regression can also be used to develop strategies for managing loan portfolios. For example, the model can be used to identify which loans are more likely to become delinquent and how to allocate resources to minimize losses.
  • Malignant tumor: In the context of tumors, logistic regression can be used to classify tumors as benign or malignant. This is a important task, as it can help doctors to make treatment decisions. There are a number of factors that can be used to classify tumors, including size, shape, and texture.

Loading SkLearn Modules / Classes for Logistic Regression Model

The Python code used in this blog represents fitting a machine learning model using Logistic Regression. First and foremost, we will load the appropriate packages, sklearn modules and classes.

# Importing basic packages # import numpy as np import pandas as pd import matplotlib.pyplot as plt  # Importing Sklearn module and classes from sklearn.linear_model import LogisticRegression from sklearn.preprocessing import StandardScaler from sklearn import metrics from sklearn import datasets from sklearn.model_selection import train_test_split          

Data Loading – IRIS dataset

The IRIS data set is used for training the logistic regression model. The Iris data set is a classification dataset that contains three classes of 50 instances each, where each class refers to a type of iris plant. The three classes in the Iris dataset are:

  • Setosa
  • Versicolor
  • Virginica

As a next step, we will load the dataset and do the data preparation. The scikit-learn library will be used to load the Iris dataset.

iris = datasets.load_iris() X = iris.data[:, [0, 2]] Y = iris.target          

Create Training / Test Data

Next step is to create a train and test split. Note the stratification parameter. This is used to ensure that class distribution in training / test split remains consistent / balanced.

X_train, X_test, Y_train, Y_test = train_test_split(X, Y, test_size=0.3, random_state=1, stratify=Y)          

Perform Feature Scaling

Next step is to perform feature scaling in order to make sure features are in fixed range irrespective of their values / units etc.

sc = StandardScaler() sc.fit(X_train) X_train_std = sc.transform(X_train) X_test_std = sc.transform(X_test)          

Train a Logistic Regression Model

Next step is to train a logistic regression model. The following needs to be noted while using LogisticRegression algorithmsklearn.linear_modelimplementation:

  • Usage of C parameters. Smaller values of C specify stronger regularization.
  • Themulti_class parameteris assigned to 'ovr'. It representsone-vs-restalgorithm to be used. Other option ismultinomial.
  • The solverparameter is assigned to 'lbfsg'. Other solvers which can be used are newton-cg, sag, saga, lib linear
# Create an instance of LogisticRegression classifier lr = LogisticRegression(C=100.0, random_state=1, solver='lbfgs', multi_class='ovr')  # Fit the model # lr.fit(X_train_std, Y_train)          
Fig 1. Logistic Regression Model being Fit

Measure Model Performance

Next step is to measure the model performance of the model trained using LogisticRegression as shown above.

# Create the predictions # Y_predict = lr.predict(X_test_std)  # Use metrics.accuracy_score to measure the score print("LogisticRegression Accuracy %.3f" %metrics.accuracy_score(Y_test, Y_predict))          

Logistic regression is a type of binary classification machine learning algorithm used to predict the probability of something happening, in our case whether or not an event will occur. The logistic regression algorithm can be implemented using python and there are many libraries that make it very easy to do so. In this blog post, we demonstrated how to use python's scikit-learn library to implement logistic regression for solving various real-world problems.

  • Author
  • Recent Posts

Ajitesh Kumar

parkshemplife.blogspot.com

Source: https://vitalflux.com/python-train-model-logistic-regression/

0 Response to "Python How to Feed in New Data to Logistic Regression Model"

Postar um comentário

Iklan Atas Artikel

Iklan Tengah Artikel 1

Iklan Tengah Artikel 2

Iklan Bawah Artikel