0% found this document useful (0 votes)
15 views29 pages

Mini Project Report 2024 IS07

The document presents a mini project report on customer segmentation using machine learning, specifically employing the k-means clustering algorithm to classify customers based on their behavioral characteristics. The project aims to enhance marketing strategies by identifying distinct customer segments, thereby improving customer retention and satisfaction. It includes sections on methodology, system design, and results, along with acknowledgments and a literature review.

Uploaded by

rachangowdajr19
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
15 views29 pages

Mini Project Report 2024 IS07

The document presents a mini project report on customer segmentation using machine learning, specifically employing the k-means clustering algorithm to classify customers based on their behavioral characteristics. The project aims to enhance marketing strategies by identifying distinct customer segments, thereby improving customer retention and satisfaction. It includes sections on methodology, system design, and results, along with acknowledgments and a literature review.

Uploaded by

rachangowdajr19
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 29

CUSTOMER SEGMENTATION USING

MACHINE LEARNING

A MINI PROJECT REPORT


Submitted to

Visvesvaraya Technological University


BELAGAVI-590018
by

K Spandana Bhat 4SU21IS018


Prabhavati M Patil 4SU21IS032
Purushottam P Kudale 4SU22IS406

Under the guidance of

Dr. G. P. Hegde
Professor and Head
in partial fulfillment of the requirements for the award of the degree of

Bachelor of Engineering

Department of Information Science and Engineering

SDM INSTITUTE OF TECHNOLOGY


UJIRE -574 240
2023-2024
SDM INSTITUTE OF TECHNOLOGY
(Affiliated to Visvesvaraya Technological University, Belagavi)

UJIRE-574 240

Department of Information Science and Engineering

CERTIFICATE
Certified that the Project Work titled ‘Customer Segment Using Machine Learning’
is carried out by Ms. K Spandana Bhat, USN: 4SU21IS018, Ms. Prabhavati M
Patil, USN: 4SU21IS032 and Mr. Purushottam P Kudale, USN: 4SU22IS406, are
bonafide students of SDM Institute of Technology, Ujire, in partial fulfillment for the
award of the degree of Bachelor of Engineering in Information Science and
Engineering of Visvesvaraya Technological University, Belagavi during the year
2023-2024. It is certified that all the corrections/suggestions indicated for Internal
Assessment have been incorporated in the report deposited in the departmental library.
The report has been approved as it satisfies the academic requirements in respect of
project work prescribed for the said degree.

Mr. G. P. Hegde Dr. G. P. Hegde Dr. Ashok Kumar T


Professor and Guide Professor and Head Principal

Signature with date and seal:


External Viva

Name of the Examiners: Signature with Date

1.
2.

i
Acknowledgement

It is our pleasure to express our heartfelt thanks to Dr. G. P. Hegde, Professor and Head of
Department of Information Science and Engineering, for his supervision and guidance which
enabled us to understand and develop this project.

We are indebted to Dr. Ashok Kumar T, Principal, and Dr. G. P. Hegde, Professor and Head of
the Department, for their advice and suggestions at various stages of the work. We also extend our
heartfelt gratitude to the Management of SDM Institute of Technology, Ujire, for providing us with
a good learning environment, library and laboratory facilities. We appreciate the help and the
support rendered by the teaching and non-teaching staff of Information Science and Engineering.
Lastly, we take this opportunity to offer our regards to all of those who have supported us directly
or indirectly in the successful completion of this project work.

K Spandana Bhat

Prabhavati M Patil

Purushottam P Kudale

ii
Abstract

Nowadays Customer segmentation became very popular method for dividing company’s customers
for retaining customers and making profit out of them, in the following study customers of different
of organizations are classified on the basis of their behavioural characteristics such as spending and
income, by taking behavioural aspects into consideration makes these methods an efficient one as
compares to others. For this classification a machine algorithm named as k-means clustering
algorithm is used and based on the behavioural characteristic’s customers are classified. Formed
clusters help the company to target individual customer and advertise the content to them through
marketing campaign and social media sites which they are really interested in.

iii
Table of Contents

Page No.
Acknowledgment i
Abstract ii
Table of Content iii
List of Figures iv
Chapter 1 Introduction 1
Chapter 2 Literature Review 2
2.1 General Introduction 2
2.2 Literature Survey 2
Chapter 3 Problem Formulation 3
3.1 Motivation 3
3.2 Objectives 3
Chapter 4 System Requirements and Methodology 4
4.1 Hardware Requirements 4
4.2 Software Requirements 4
4.3 Methodology Used 4
Chapter 5 System Design 6
5.1 Architecture of the Proposed System 6
5.3 System Flow Chart 6
5.3 Implementation of Code 7
Chapter 6 Results and Discussion 17
6.1 Results 17
6.2 Discussion 18
Chapter 7 Conclusion and Scope for Future Work 19
7.1 Conclusion 19
7.2 Scope for Future Work 19
References 20
Personal Profile 21

iv
List of Figures

Page No.
Figure 4.1 Block diagram 5

Figure 5.1 System Architecture of customer segmentation 6

Figure 5.2 System flow chart 7

Figure 6.1 Result 18

v
Chapter 1
Introduction
Today many of the businesses are going online and, in this case, online marketing is becoming
essential to hold customers, but during this, considering all customers as same and targeting all of
them with similar marketing strategy is not very efficient way rather it's also annoys the customers by
neglecting his or her individuality, so customer segmentation is becoming very popular and also
became the efficient solution for this existing problem. Customer segmentation is defined as dividing
company's customers on the basis of demographic (age, gender, marital status) and behavioural (types
of products ordered, annual income) aspects. Since demographic characteristics does not emphasize
on individuality of customer because same age groups may have different interests so behavioural
aspects is a better approach for customer segmentation as its focus on individuality and we can do
proper segmentation with the help of it.

1
Chapter 2

Literature Review

2.1 General Introduction


A literature review examines published research in a certain field and, occasionally, research
conducted in a specific field within a given time frame. A literary work review can consist solely
of a synopsis of the sources, but it typically follows an organizational structure and incorporates
both synthesis and summary. A synthesis is a rearranging or rearranging of the material found in a
source, whereas a summary is a recitation of the key points. It offers a fresh perspective on
previously published information, blends contemporary and historical views, or charts the
development of the field's ideas through significant arguments. The literature review may assess
the sources and recommend the most pertinent ones to the reader based on the circumstances.

2.2 Literature Survey


1] A solution is proposed as distinguish the customers group into two groups named as premium
and standard with the help of machine learning methods named as NEM, LiRM and LoRM
[2] Tushar Kansal, Suraj Bahuguna, Vishal Singh, Tanupriya Choudhury. “Customer Segmentation
using K-means Clustering”, International Conference on Computational Techniques, Electronics
and Mechanical Systems (CTEMS).2018, In this paper customer segmentation on Telecom
customers is achieved by using information such as age, interest, etc. with the help of cluster analysis
method system also includes a relay, a fan, and an LED for home automation mode.

2
Chapter 3

Problem Formulation
Develop a customer segmentation model using machine learning to group customers based on their
purchasing behaviour. Utilize demographic, behavioural, and psychographic data collected from our
CRM system. The model should accurately identify distinct customer segments that can be used to
personalize marketing campaigns and improve customer satisfaction.

3.1 Motivation
Customer segmentation using machine learning offers businesses a strategic edge by unlocking
profound insights from vast datasets. By harnessing advanced algorithms, companies can categorize
customers into distinct groups based on their behaviours, preferences, and purchasing patterns. This
segmentation enables personalized marketing strategies that resonate more deeply with each
segment, enhancing engagement and conversion rates. Moreover, machine learning facilitates
predictive analytics to forecast customer behaviours such as churn or buying propensity,
empowering proactive retention and targeted marketing efforts. This data-driven approach not only
optimizes resource allocation but also fosters continuous adaptation to evolving market dynamics,
ensuring sustained competitiveness. Ultimately, customer segmentation through machine learning
drives enhanced customer experiences, operational efficiency, and strategic decision-making,
positioning businesses to thrive in a dynamic marketplace.

3.2 Objectives
The objectives of the proposed project are as follows:

• To fill the communication gap that differently-abled people face when they try to communicate
with normal people or vice versa.

• To design a smart glove that will reduce the communication gap.


• To make smart gloves to handle home appliances through hand gestures and movements.

3
Chapter 4

System Requirements and Methodology

4.1 Hardware Requirements

• Processor : x86 or x64

• Hard Disk : 256 GB or more.

• Ram : 2 GB or more

4.2 Software Requirements

• Operating System : Windows or Linux


• Tools used : Anaconda, Google Collab

4.3 Methodology Used


In this, collection of data is a data preparation phase. The feature usually helps to refine all data
items at a standard rate to improve the performance of clustering algorithms. There are many
ways to partition, which vary in severity, data requirements, and purpose. Group analysis is an
integration or unification, approach to consumers based on their similarity. There are two main
types of categorical group analysis in market policy: a) Hierarchical group analysis, and b)
Classification

4
Figure 4.1: Block Diagram

5
Chapter 5

System Design

5.1 Architecture of Proposed System

Figure 5.1: System Architecture of customer segmentation using machine learning

The machine learning-based system architecture for customer segmentation comprises a structured
framework that manages the intricacies of data processing, modelling, and application integration.
The fundamental starting point of the architecture is the ingestion of data from many sources,
including external data streams, CRM systems, and transactional databases. To get ready for analysis,
this raw data goes through preprocessing procedures like cleaning, normalization, and feature
engineering. To find the most pertinent variables that best describe the behaviours and preferences of
customers, feature selection techniques like principal component analysis (PCA) and feature
importance ranking are utilized.

6
5.2 System Flow Chart
A flowchart is a visual representation of a process, system, or algorithm. It uses a standardized set
of symbols, such as rectangles, diamonds, and ovals, to illustrate a sequence of steps. These steps
can encompass anything from basic actions to intricate decision-making processes. Flowcharts are
a powerful tool for conveying complex processes clearly and straightforwardly, even for audiences
without a technical background. By visually breaking down the process into its constituent parts
and depicting the flow of information or materials, flowcharts enable users to grasp the logic and
structure of the process with ease. Figure 5.5 describes the flow chart of this project.

Figure 5.2: System flow chart

7
5.3 Implementation of Code
import pandas as pd

import numpy as np

import seaborn as sns

import matplotlib.pyplot as plt

from sklearn.preprocessing import StandardScaler

from sklearn.decomposition import PCA

from sklearn.cluster import KMeans

from sklearn.metrics import silhouette_score, silhouette_samples

df = pd.read_csv("C:/Users/Prabhavati/Downloads/customer_segmentation_dataset.csv")

df.head()

df.shape

df.info()

df.isnull().sum()

df['Income'].fillna(df['Income'].median(), inplace = True)

df.isnull().sum()

bins = np.histogram_bin_edges(df['Income'], bins='auto')

df['Dt_Customer'] = pd.to_datetime(df['Dt_Customer'], format="%d-%m-%Y")

dates = []

for i in df['Dt_Customer']:

i = i.date()

dates.append(i)

#Dates of the newest and oldest recorded customer

print("The newest customer's enrolment date in therecords:",max(dates))


8
print("The oldest customer's enrolment date in the records:",min(dates))

print("Total categories in the feature Marital_Status:\n", df["Marital_Status"].value_counts(), "\n")

print("Total categories in the feature Education:\n", df["Education"].value_counts())

df['Age_on_2014'] = 2014 - df['Year_Birth']

df['Spent'] = df['MntWines'] + df['MntFruits'] + df['MntMeatProducts'] + df['MntFishProducts'] +


df['MntSweetProducts'] + df['MntGoldProds']

df['Living_with'] = df['Marital_Status'].replace({"Married":"Partner", "Together":"Partner",


"Absurd":"Alone", "Widow":"Alone", "YOLO":"Alone", "Divorced":"Alone", "Single":"Alone"})

df['Children'] = df['Kidhome'] + df['Teenhome']

df['Family_size'] = df['Living_with'].replace({"Alone": 1, "Partner": 2}) + df['Children']

df['Is_parent'] = np.where(df.Children > 0, 1, 0)

df['Education'] = df['Education'].replace({"Basic":"Undergraduate", "2n Cycle":"Undergraduate",


"Graduation":"Graduate", "Master":"Postgraduate", "PhD":"Postgraduate"})

df =df.rename(columns={"MntWines":
"Wines","MntFruits":"Fruits","MntMeatProducts":"Meat","MntFishProducts":"Fish","MntSweetProdu
cts":"Sweets","MntGoldProds":"Gold"})

df = df.drop(columns = ['Marital_Status', 'Dt_Customer', 'ID', 'Year_Birth', 'Z_CostContact',


'Z_Revenue'], axis = 1)

df.head()

df.describe()

df = df[(df["Age_on_2014"]<90)]

df = df[(df["Income"]<600000)]

print("The total number of data-points after removing the outliers are:", len(df))

df.columns

for i, col in enumerate(['Income', 'Recency', 'Wines', 'Fruits', 'Meat', 'Fish', 'Sweets', 'Gold']):

plt.subplot(5, 3, i+1)

sns.countplot(x=df[col])

plt.title(f"Distribution of {col}")
9
plt.figure(figsize = (12, 12))

plt.subplots_adjust(hspace = 1.5, wspace=0.5)

plt.subplot(5, 3, 1)

sns.histplot(df, x = 'Children', kde = True, bins = 20)

plt.title("Distribution of number of Children")

plt.subplot(5, 3, 2)

sns.histplot(df, x = 'Family_size', kde = True, bins = 20)

plt.title('Distribution of Family Size')

plt.subplot(5, 3, 3)

sns.countplot(x=df["Education"].dropna(), data=df)

plt.title("Distribution of Education Level")

plt.subplot(5, 3, 4)

sns.countplot(x=df["AcceptedCmp1"].dropna(), data=df)

plt.title("Distribution of accepted Cmp1")

plt.subplot(5, 3, 5)

sns.countplot(x=df["AcceptedCmp2"].dropna(), data=df)

plt.title("Distribution of accepted Cmp2")

plt.subplot(5, 3, 6)

sns.countplot(x=df["AcceptedCmp3"].dropna(), data=df)

plt.title("Distribution of accepted Cmp3")

plt.subplot(5, 3, 7)

sns.countplot(x=df["AcceptedCmp4"].dropna(), data=df)

plt.title("Distribution of accepted Cmp4")

plt.subplot(5, 3, 8)

sns.countplot(x=df["AcceptedCmp5"].dropna(), data=df)

plt.title("Distribution of accepted Cmp5")

10
plt.subplot(5, 3, 9)

sns.countplot(x=df["Complain"].dropna(), data=df)

plt.title('Distribution of Complain')

plt.subplot(5, 3, 10)

sns.countplot(x=df["Response"].dropna(), data=df)

plt.title('Distribution of customer responded')

plt.subplot(5, 3, 11)

sns.countplot(x=df["Living_with"].dropna(), data=df)

plt.title("Distribution of customer (single/couple)")

plt.subplot(5, 3, 12)

sns.countplot(x=df["Is_parent"].dropna(), data=df)

plt.title("Distribution of customer (parent or not)")

plt.show()

plt.figure(figsize=(12, 6))

sns.scatterplot(data=df, x='Age_on_2014', y='Spent')

plt.title("Spent vs Age")

plt.show()

print(f"\nCorrelation between Age_on_2014 and Spent: {df['Age_on_2014'].corr(df['Spent'])}")

plt.figure(figsize = (12, 6))

sns.scatterplot(data=df, x = 'Income', y = 'Spent')

plt.title("Spent vs Income")

plt.grid(False)

plt.show()

print(f"\nCorrelation between Age_on_2014 and Spent: {df['Income'].corr(df['Spent'])}")

plt.figure(figsize = (12, 6))

sns.scatterplot(data=df, x = 'Family_size', y = 'Spent', hue = 'Children')

11
plt.title("Spent vs Family Size")

plt.show()

print(f"\nCorrelation between Age_on_2014 and Spent: {df['Family_size'].corr(df['Spent'])}")

df.groupby(['Living_with', 'Is_parent', 'Children']).agg({"Spent" : ['mean']})

a = (df.dtypes == 'object')

object_cols = list(a[a].index)

print("Categorical variables in the dataset:", object_cols)

from sklearn.preprocessing import LabelEncoder

LE = LabelEncoder()

for i in object_cols:

df[i] = df[[i]].apply(LE.fit_transform)

df.head()

corrmax = df.corr()

plt.figure(figsize = (25, 20))

sns.heatmap(corrmax, annot = True, cmap = 'coolwarm', center = 0)

plt.show()

df1 = df.copy()

from sklearn.preprocessing import StandardScaler

scaler = StandardScaler()

scaler.fit(df1)

scaled_df1 = pd.DataFrame(scaler.transform(df1), columns = df1.columns)

scaled_df1

from sklearn.decomposition import PCA

pca = PCA(random_state = 42, svd_solver = 'full')

pca.fit(scaled_df1)

cumsum = np.cumsum(pca.explained_variance_ratio_)

12
d = np.argmax(cumsum >= 0.95) + 1

dpca = PCA(n_components = 0.95)

df1_reduced = pca.fit_transform(scaled_df1)

pca.n_components_

cumsum

cumsum[21]

plt.figure(figsize = (8, 4))

plt.plot(cumsum, linewidth=3)

plt.xlabel("Dimensions")

plt.ylabel("Explained Variance")

plt.title("Explained Variance vs Dimensions")

plt.plot(19, cumsum[19], "ko")

plt.xticks(np.arange(0, 30, 1))

plt.yticks(np.arange(0, 1.1, 0.1))

plt.grid(True)

plt.show()

pca.explained_variance_ratio_

pca = PCA(n_components = 19, random_state = 42, svd_solver = 'full')

pca.fit(scaled_df1)

df1_reduced = pd.DataFrame(pca.transform(scaled_df1), columns = (['col1', 'col2', 'col3', 'col4',

'col5', 'col6', 'col7', 'col8',

'col9', 'col10', 'col11', 'col12',

'col13', 'col14', 'col15', 'col16',

'col17', 'col18', 'col19']))

df1_reduced

from yellowbrick.cluster import KElbowVisualizer

13
from sklearn.cluster import KMeans

print("Elbow Method to determine the number of clusters to be formed:")

elbow = KElbowVisualizer(KMeans(), k = 10)

elbow.fit(df1_reduced)

elbow.show()

from sklearn.metrics import silhouette_score

kmeans_per_k = [KMeans(n_clusters=k, n_init=10, random_state=42).fit(df1_reduced)

for k in range(2, 11)]

silhouette_scores = [silhouette_score(df1_reduced, model.labels_)

for model in kmeans_per_k[1:]]

plt.figure(figsize=(8, 3))

plt.plot(range(2, 10), silhouette_scores, "bo-")

plt.xlabel("$k$")

plt.ylabel("Silhouette score")

plt.grid(True)

plt.show()

cluster_range = range(2, 10)

for i, score in zip(cluster_range, silhouette_scores):

print(f"Silhouette Score for {i} Clusters:", score)

from sklearn.metrics import silhouette_samples

from matplotlib.ticker import FixedLocator, FixedFormatter

plt.figure(figsize=(11, 10))

for k in (2, 3, 4, 5):

plt.subplot(4, 2, k - 1)

y_pred = kmeans_per_k[k - 1].labels_

silhouette_coefficients = silhouette_samples(df1_reduced, y_pred)

14
padding = len(df1_reduced) // 30

pos = padding

ticks = []

for i in range(k):

coeffs = silhouette_coefficients[y_pred == i]

coeffs.sort()

color = plt.cm.Spectral(i / k)

plt.fill_betweenx(np.arange(pos, pos + len(coeffs)), 0, coeffs,

facecolor=color, edgecolor=color, alpha=0.7)

ticks.append(pos + len(coeffs) // 2)

pos += len(coeffs) + padding

plt.gca().yaxis.set_major_locator(FixedLocator(ticks))

plt.gca().yaxis.set_major_formatter(FixedFormatter(range(k)))

if k in (3, 5):

plt.ylabel("Cluster")

if k in (5, 6):

plt.gca().set_xticks([-0.1, 0, 0.2, 0.4, 0.6, 0.8, 1])

plt.xlabel("Silhouette Coefficient")

else:

plt.tick_params(labelbottom=False)

plt.axvline(x=silhouette_scores[k - 2], color="red", linestyle="--")

plt.title(f"$k={k}$")

plt.show()

kmeans = KMeans(n_clusters=2, random_state=42)

cluster_labels = kmeans.fit_predict(df1_reduced)

df1['Cluster'] = cluster_labels

15
df1.to_excel('Clustered_data.xlsx', index = False)

df1.head()

df['Cluster'] = cluster_labels

df.head()

cluster_distribution = df1['Cluster'].value_counts().sort_index()

plt.bar(cluster_distribution.index, cluster_distribution.values)

plt.xlabel('Cluster')

plt.ylabel('Number of Data Points')

plt.title('Distribution of Data Points Across Clusters')

plt.show()

sns.scatterplot(data=df1, x='Spent', y='Income', hue='Cluster')

plt.title("Cluster's Profile based on Income and Spending")

plt.legend()

plt.show()

16
Chapter 6

Results and Discussion

6.1 Results
Machine learning-based consumer segmentation has produced impressive results, completely
changing how companies view and interact with their clientele. Businesses are able to identify
complex patterns and behaviours that are typically overlooked by traditional segmentation
techniques by utilizing sophisticated algorithms and large datasets. With the help of this feature,
it is possible to create more accurate and significant consumer segments by taking into account
variables like past purchases, demographics, online activity, and interactions with marketing
campaigns. To sum up, the outcomes of using machine learning for consumer segmentation
highlight its revolutionary influence on business strategy and client connections. Future
developments in data analytics and machine learning algorithms hold the potential to improve
segmentation strategies even more as technology develops, giving companies the advantage to
stay ahead of the curve in a cutthroat market.

17
Figure 6.1: Results
6.2 Discussion
Machine learning-based customer segmentation necessitates a number of important conversations to
guarantee successful execution and application of the segmentation findings. First and foremost, it's
critical to focus on the preparation and selection of data sources, highlighting the significance of
diverse data kinds such transactional records, demographic information, and behavioural patterns.
The groundwork for discovering relevant features that will guide the segmentation process is laid
out in this talk. Carefully weighing clustering algorithms such as K-means or hierarchical clustering,
or dimensionality reduction strategies like PCA—each with a specific applicability based on the
features of the dataset and the segmentation goals—is also necessary when choosing an algorithm.
Furthermore, in order to evaluate the quality and coherence of the generated segments, segmentation
models must be evaluated by establishing relevant metrics, such as silhouette scores or purity
metrics. Furthermore, in order to evaluate the quality and coherence of the generated segments,
segmentation models must be evaluated by establishing relevant metrics, such as silhouette scores
or purity metrics. These measurements provide as reference points for segment interpretation and
the extraction of practical knowledge that can guide the development of focused marketing
campaigns, customized client experiences, and operational enhancements. Talks should also cover
how segmentation models are incorporated into operational procedures, including deployment
obstacles and ongoing methods for improving as consumer habits change.

18
Chapter 7

Conclusion and Scope for Future Work

7.1 Conclusion
In conclusion, customer segmentation using machine learning represents a pivotal strategy for
modern businesses seeking to thrive in a data-driven marketplace. By leveraging advanced
algorithms to uncover patterns and behaviours within their customer base, organizations can tailor
their marketing efforts with unprecedented precision. This approach not only enhances customer
satisfaction through personalized experiences but also optimizes resource allocation and improves
overall operational efficiency. Moreover, predictive analytics capabilities empower businesses to
anticipate future trends and proactively address customer needs, thereby fostering long-term
loyalty and sustainable growth. As technology continues to evolve, the strategic advantage gained
from customer segmentation using machine learning will remain essential in maintaining
competitiveness and driving innovation across diverse industries.

7.2 Scope for Future Work


Machine learning-based consumer segmentation has a wide range of potential applications in the
future, providing countless chances for advancement and improvement. The creation of more
sophisticated algorithms that can manage datasets that are progressively complicated and varied is
one encouraging path. In order to obtain a more complete picture of consumer behaviour and
preferences, this entails integrating data from new sources like social media interactions, Internet
of Things devices, and sensor data. In order to find hidden patterns in data without the requirement
for predefined labels, hybrid approaches that blend supervised and unsupervised learning
techniques can also be explored. The use of reinforcement learning to optimize segmentation
tactics over time and respond in real-time to shifting consumer behaviours and market dynamics
is another fascinating field. Additionally, research in the future may concentrate on improving the
interpretability

19
References
[1] Blanchard, Tommy. Bhatnagar, Pranshu. Behera, Trash. (2019). Marketing Analytics Scientific
Data: Achieve your marketing objectives with Python's data analytics capabilities. S.l: Packt
printing is limited
[2] Griva, A., Bardaki, C., Pramatari, K., Papakiriakopoulos, D. (2018). Sales business analysis:
Customer categories use market basket data. Systems Expert Systems, 100, 1-16.
[3] By Jerry W Thomas. 2007. Accessed at: www.decisionanalyst.com on July 12, 2015.
[4] Jayant Tikmani, Sudhanshu Tiwari, Sujata Khedkar "Telecom Customer Classification Based
on Group Analysis of K-methods", JIRCCE, Year: 2015.
[5] Vaishali R. Patel and Rupa G. Mehta “Impact of Outlier Removal and Normalization Approach
in Modified k-Means Clustering Algorithm”, IJCSI,Year: 2011.

20
Personal Profile

Name: Dr. G. P. Hegde


Department: Information Science and Engineering
Designation: Professor and HoD of ISE department
Qualification: B.E, MTech, PhD degree in Computer Science and Engineering
Published Research Article: more than 36 research articles in various
I reputed International Journals and conference including IEEE and also
Dr. G. P. Hegde available in online. His main research work focuses on Image Processing,
Professor and Head Data mining, Internet of Things.
Dept of ISE Teaching Experience: 30years

Name: K Spandana Bhat


USN: 4SU21IS018
Address: Gandhi nagar,Sirsi-591102
E-mail ID: [email protected]
Contact Number: +916362791598

Name: Prabhavati M Patil


USN: 4SU21IS032
Address: Bhailahongal, Belagavi -591102
E-mail ID: [email protected]
Contact Number: +918095125030

Name: Purushottam P Kudale


USN: 4SU22IS406
Address: K.B Road Yellapur (UK) -581359
E-mail ID: [email protected]
Contact Number: +919036836362

21
22
1

You might also like