Email Spam Detection and Data Optimization using NLP Techniques

DOI : 10.17577/IJERTV10IS080049

Download Full-Text PDF Cite this Publication

Text Only Version

Email Spam Detection and Data Optimization using NLP Techniques

Thirumagal Dhivya S1, Nithya S1, Sangavi Priya G1, Pugazhendi E2

1B.Tech Student, 2 Teaching Fellow,

1,2Department of Information Technology, Anna University, MIT campus, Chrompet, Chennai 600044

Abstract Today, spamming mails is one of the biggest issues faced by everyone in the world of the Internet. In such a world, email is mostly shared by everyone to share the information and files because of their easy way of communication and for their low cost. But such emails are mostly affecting the professionals as well as individuals by the way of sending spam emails. Every day, the rate of spam emails and spam messages is increasing. Such spam emails are mostly sent by people to earn income or for any advertisement for their benefit. This increasing amount of spam mail causes traffic congestion and waste of time for those who are receiving that spam mail. The real cost of spam emails is very much higher than one can imagine. Sometimes, the spam emails also have some links which have malware. And also, some people will get irritated once they see their inbox which is having more spam mails. Sometimes, the users easily get trapped into financial fraud actions, by seeing the spam mails such as job alert mails and commercial mails and offer emails. It may also cause the person to have some mental stress. To reduce all these risks, the system has proposed a machine learning model which will detect spam mail and non-spam emails, and also this system will optimize the data by removing the unwanted mails which contain the advertisement mails and also some useless emails and also some fraud mails. This proposed system will detect the spam mails and ham emails with the dataset consisting of spam mails and after identifying spam mails this system will remove that spam emails and this proposed system will calculate the amount of storage before and after the removal of spam mails.

  1. INTRODUCTION

    In this thesis, efficient spam detection and data optimization methodology for emails is proposed. This chapter provides the overview of the problem area, describes the specific problem that is dealt in this work, sketches the approach for solving this problem.

    1. Overview

      The major issues faced by all the email users are spam mails which contain unwanted information and data and some fake data to spoil the life of the people and also some mails which cause harmful effects. Today, the job issues are faced by fifty percent of the people by both educated and uneducated people. In such a case, these people will get emails about advertisement mails which are completely fake. But by seeing that mail, this people will get interested or have a thought to communicate through the mail for what they are looking into it. More people are affected by this spam mails in similar cases. To reduce this risk and to save the people from this danger of spam mails, we are proposing this system to remove the spam mails. For filtering the spam mails, in this system we are using two filtering model. Namely, Opinion Rank and NLP based n-grams model. By using these

      two models we will filter the spam mails and non-spam mails. And this system will optimize the data by removing the spam mails and also it calculates the storage of the mails.

    2. Research Challenges

      The finding of trust rank of the mail and classifying those mails as spam and ham mails based on their content. And detection of advertisement mails in those mails. After detecting the advertisement mails, optimizing the storage by deleting those advertisement mails. By deleting mails, the proposed system will optimize the data. And also, the system will identify the fake mails which look similar to real mails that people can believe.

    3. Objective

      The main objective of the project is to detect the spam mails and to optimize the data storage. This detection of spam mails in this proposed system is done through the two filtering models. One is Opinion Rank which is based on the trustworthiness of the mail id and this rank uses the two algorithms namely, high page rank and inverse page rank. By combining these results, and by calculating the mean of this results, the Opinion Rank will perform. And the data optimization is done by removing the advertisement mails with the help of Latent Dirichlet Allocation which is a probabilistic topic modelling to classify the contents or documents based on the topics.

    4. Scope

      The proposed system of the project will effectively detect the spam mails and the system will extract the spam mails by using some machine learning algorithms and it gives the result with greater accuracy and with good performance. Also, this proposed system will optimize the data storage by blocking and deleting the spam mails. And with the help of the Opinion Rank model, this proposed system will find trustworthiness of the mail and it will carry the filtering of spam messages. This proposed system will save the user's time and it destroys the risk of spam mails.

    5. Contribution

    This proposed system has been implemented with opinion rank to find trustworthiness of the mail id using three valued subjective logic. In this opinion rank this system will use the average mean of page rank and trust rank. By using this opinion rank this system will evaluate the mail ids and also this system will block the mail ids which sends the spam mails to the users. And also, this proposed system will optimize the data storage by deleting the spam mails.

  2. LITERATURE SURVEY

    This chapter provides a brief insight on the related works of email spam detection and mail data optimization. Summary of various methodologies have also been discussed.

    1. Opinion Rank

      In this paper, XiaofeiNiu et al. (2020) proposed the Opinion Rank algorithm for computing the trustworthiness of every available website and to identify the trustworthy ones with high trust values. This algorithm is based on a breadth-first search algorithm which starts from an existing set of trustworthy websites. Because, this websites play an important role in Opinion Rank. They also used other algorithms such as High PageRank and Inverse PageRank to rank the websites based on their trustworthiness. By using the public dataset, they have validated the Opinion Rank and HarMean PageRank which analyse the impact of website selection. The Opinion Rank algorithm computes the trustworthiness of all websites, trust propagation and trust combination operations which is defined in three valued subjective logic trust model. And the HarMean PageRank combines the results of PageRank and Inverse PageRank. The convergence and the performance of this algorithm is better than Trust Rank and Good Rank algorithms. This Opinion Rank algorithm consists of two components. Namely, the website selection and trust assessment. The website selection identifies the subset of trustworthy websites from a dataset. This algorithm will update the trust values of all websites from the chosen websites. Based on this trust values, websites are ranked by this Opinion Rank algorithm. Opinion Rank detects more trustworthy websites and lesser spam websites with a shorter time. One of its disadvantages is, it is very challenging to identify the subset of websites which are needed to update its trust value.

    2. Spam Detection for Secure Mobile Communication

      In this paper, Luo GuangJun et al. (2020) proposed the applications of machine learning based-spam detection for accurate detection of spams. For classification of spam and ham messags in mobile device communications they have used the Logistic Regression, K-nearest neighbor and Detection Tree. The collection of SMS dataset is used for testing the methods. And the dataset is splitted into two sets as one is for testing and another one is for training. And 70 percent of data is used for training purposes and 30 percent is used for testing purposes. The Logistic Regression is a classifier which computes the predictive y in the problem of binary classification as 0 or 1 such that it belongs to class negative or class positive. It predicts values for the variable in multi classification. The Decision Tree is a supervised machine learning algorithm which is like the shape of a tree at which each node is a decision node or leaf node. In this tree the nodes are interlinked with each other. The K-nearest neighbour classification is also a supervised learning algorithm but this performance is not good enough.

    3. Machine Learning Based Spam Email Detection

      In this paper, Nandhini et al. (2018) proposed a machine learning model based on a hybrid bagging approach

      by implementing with the help of two machine algorithms for detecting the spam emails. Namely, Naive Bayes algorithm and J48 (Decision tree) algorithm. In this process of detecting the spam mails, the dataset is divided into different sets and given as input to each of the algorithm. Totally, they performed three experiments in this paper. The first experiment is performed with the Naive Bayes algorithm. It is a classifier based on the probability and it computes the probabilities of the class of the given instances. And the second experiment is performed with the J48 Decision tree algorithm. It is based on the concept of entropy and it forms the decision trees of the training data. The third experiment is the proposed Spam Mail Detection (SMD) system by using the hybrid bagged approach which is the combination of J48 algorithm and Naive Bayes Multinomial classifier. It classifies the email into spam mails and ham mails. It consists of four modules which are preparation of email dataset, pre-processing of data, feature selection and hybrid bagged approach. Only the J48 algorithm gives the experimental results better. Other two experiment gives low performance. To enhance the system's performance by using the concept of boosting approach. It will replace the features of weak classifier learning features with a strong classifier's approach.

    4. Machine Learning Methods For Spam Email Classification

      In this paper, Luo GuangJun et al. (2011) checked and reviewed the very popular machine learning methods for their capability of classifying the spam mails. Here the methods used are Bayesian classification, K-nearest neighbour classifier method, artificial neural network classifier method, Support vector machine classifier method, Artificial immune system classifier method, and rough sets classifier method. The Naive Bayes classifier method is based on the probability of an event occurring in the future which can be detected by the previous occurring of the same event. And based on that probability it will classify the mail as spam or ham mail. Here the probability of the word plays the major role in classification. The k-nearest neighbour classifier method is based on the example. It will check the previous documents for classification. And finding the nearest neighbour is done by using the traditional indexing methods. The Artificial Neural Network is also known as Neural Network. It is based on a biological neural network and consists of a collection of artificial neurons. At the time of the learning phase, it changes its structure based on the information that flows through the artificial network. It has the stages of training and filtering stage. The Support Vector Machine classifier method is based on the concept of decision planes which define the boundaries of the decision. This algorithm finds the optimal hyperplane with maximum margin for separating the two classes which is mainly required for solving the optimization problems. In the Artificial Immune System classifier method the overall response involves three evolutionary methods namely gene library, negative selection and global selection. This will organize the fittest antibodies by interacting with current antigens. The rough set classifier method has an ability to reduce the information systems. While they

      summarize these six methods, the Naive Bayes is the most accurate and also in terms of spam precision this method gave the highest precision among the six methods. The neural network has the simplest and fastest algorithms, while the rough set method is most complicated and it has to be hybrid with genetic algorithms to get the deserved results. The Artificial Immune System method gave a satisfying result which is to be expected for better performance but it gave the poor performance. It will provide the good performance when it is hybridized with rough set method.

    5. Email Spam Detection Using Integrated Approach Of Naive Bayes And Particle Swarm Optimization

      In this paper, Kaur et al. (2018) have proposed a machine learning model by integrating the Naive Bayes algorithm and intelligence-based Particle Swarm Optimization which is used for detecting spam mail. The Naive Bayes algorithm is based on the Bayes theorem which has a strong probability distribution property. And the Particle Swarm Optimization is inspired from the behaviour of the fishes and the birds. The Naive Bayes algorithm determines the mail as spam class and non-spam class based on the keywords present on the email data. And the Particle Swarm Optimization method is further used to optimize the parameters of Naive Bayes algorithm to improve the accuracy and classification process. To perform the feature extraction, pre-processing is done for the email. The Pre-processing have some methods such as tokenization, stemming and stop word removal. After that we will apply the particle optimization method. Based on this feature of optimization method, the tokens of the mail is classified as spam or non-spam. They evaluated the performance of the system in terms of precision, recall and accuracy of the classification. Their parameters are calculated with help of true positive, true negative, false positive and false negative. It has been found that the integrated approach of Naive Bayes and Particle Swarm Optimization overcomes the failure of the Naive Bayes approach. We can also use swarm optimization concepts like ant colony optimization, artificial bee colony optimization and firefly algorithm. Further, to improve the performance instead of Naive Bayes, we can use any other machine learning algorithm.

    6. Summary of Literature Survey

    In spam detection approach for secure mobile communications using machine learning algorithms, the detection of spam messages is not very accurate and also the logistic model present in this approach affects the detection of ham messages. In machine learning based spam email detection, three experiments have been proposed based on naive bayes, J48 algorithm and combination of these two algorithms. But it gave low performance results in detection of spam and ham mails. In machine learning methods for spam email classification, the methods used are Bayesian classification, K-nearest neighbour classifier method, artificial neural network classifier method, Support vector machine classifier method, Artificial immune system classifier method, and Rough sets classifier method. In these

    six methods, the naive bayes gave good performance in detection of spam mails but the other methods gave very poor performance. In email spam detection using integrated approach of naive bayes and particle swarm optimization, it gave poor performance in detecting spam or ham mails due to the presence of naive bayes approach. But the performance can be improved by using any machine learning algorithms. In content based spam email filtering, it is only focused on the email content, but there is also some useful information such as sender email address and IP address, email subject, number of recipients or even time for detection of spam mails. Due to this approach, it doesnt give the exact accuracy in detection of spam mails.In spam filtering email classification using gain and graph mining algorithms, it fails to detect spam mails with good performance and with good accuracy. In identifying spam email based on statistical header feature and sender behavior, it get poor classification results if the spammers keep changing his or her email address. In opinion rank, it is used for only to find the trustworthiness of website. This proposed system is mainly designed to find the trustworthiness of a mail id to find whether the email is spam or not. And also this system will optimize the data by removing unwanted mails such as advertisement mails, commercial mails, fraud mails and so on. This proposed system will give good results in detection of spam mails by using n gram model.

  3. PROPOSED SYSTEM ARCHITECTURE AND DESIGN

    This chapter provides the system architecture of mail data optimization using Latent Dirichlet Allocation(LDA) and email spam detection using NLP N- grams model and Opinion Ranking.

    1. Mail Data Optimization

      Advertisement mails consume more space since it has attachments in .jpg, .png format. Here, mail data optimization is achieved by deleting the advertisement mails with attachments. The following steps occur during optimization. Dynamic input mails are taken from various platforms like Gmail, Yahoo, Live Mail using the Java mail API and then data preprocessing is done and various steps are carried out such as Tokenization, Lemmatization, Stemming. Figure 3.1 shows the architecture of mail data optimization using NLP architecture and Figure 3.2 shows the architecture of Spam detection using NLP N-gram model.

      1. Mail Data Optimization using NLP architecture

        Fig 3.1 Mail Data Optimization using NLP architecture

      2. Spam Detection Using Nlp N-Gram Model Architecture

        Fig 3.2 Spam Detection using NLP N-Grams Model Architecture

        For designing this proposed system, first this system will take an input file in the form of a csv file. This input file has a collection of dataset consisting of more than 5000 emails consisting of both ham and spam mails. The data will be split into 80% training and 20% testing. This data will go into the process of data preprocessing and data cleaning. Then this data will be given for the tokenization and lemmatization process. This will be the initial data preparation to be done. This will then be given to the Opinion Rank model. In the Opinion Rank model, the website links which are extracted

        will be determined for its trustworthiness based on the Opinion Rank method. This will then be given to the NLP based n-gram model where bigram is performed to determine whether it is ham or spam. Then this will be sent to mail.

      3. Latent Dirichlet Allocation

        Using the famous topic modelling technique, Latent Dirichlet Allocation(LDA) topic classification is done by giving the dynamic topics. LDA is the generative statistical model which explains the similarity of data. LDA classifies the document to a specific topic. Then using the java mail API, advertisement mails are detected and deletion operation is performed.

    2. Opinion Rank Trustworthy Email Id Detection

      This method consists of two components, seed selection and trust assessment. From the dataset that is used the seed selection identifies the subset of Trustworthiness. In the next process the Opinion Rank algorithm will search the whole hyperlink graph from the selected seeds and will update the trust values of the websites. Then, the Opinion Rank algorithm will then be assigned based on the trust values. The HarMean PageRank algorithm is used for the next process, for this the good seed set will be selected first. The seed selection process will be carried out with the algorithms High PageRank and Inverse PageRank. The High PageRank algorithm will select trustworthy seeds without the consideration of the outdegrees of the seeds. The Inverse PageRank algorithm will choose the seed that has more outlinks and lower importance. This process is not conducive to identifying the trustworthiness of the website. These are combined by harmonic means to compute a new value of trustworthiness for the websites. The set of seeds will be set as opinions and the Opinion Rank algorithm will search level by level in the network and update the trustworthiness of every node.

    3. NLP Based N Gram Model

    The next process in this is the NLP N-gram technique. This model is based on word prediction, it will predict the word that will come next using the previous n-1 words. This Bigram will be used. A Bigram is a 2-word in N- gram model, this will predict the next word of a sentence using the previous one word. The identification of the mail as Ham or Spam is a classification task. Bigram is the combination of adjacent words of length 2 and this will be performed. Next TF-IDF will be applied on the mail and the relative count of the words in the sentence will be stored in the document matrix. Next, the punctuation percentage will be calculated with respect to the message length and these will be checked as good or not good. The details collected will be used to detect if it is spam or ham. This will then be updated.

  4. RESULTS AND DISCUSSION

    In this chapter, various result screenshots of spam detection and data optimization such as dataset used, preprocessing steps that have been carried out, visualization of spam and ham messages, detection of spam-ham messages

    using TF-IDF, testing with dynamic inputs, LDA topic classification have been attached and discussed.

    1. System Specification

      The specification of the CPU used for evaluation are as follows. The processor specification is 2.3 GHz Quad- Core Intel Core i5, RAM installed is 8GB and system specification is 64-bit operating system, x64 based processor. The specifications of IDE used are NetBeans and Google Colab. The languages used for development are Java and Python.

    2. Spam Detection Using N-Grams Model

      Spam emails occupy a lot of storage and hence it is detected using the N-Grams Model in which it detects the spam by analysing the n set of words. When the n set of words occur it is detected as spam or ham using the frequency and probability.

      1. Dataset

        5000 input mails are taken from kaggle and tested for spam using the NLP N-Grams Model. Also, it is tested with the personal mail. The figure 4.1 shows the dataset for spam

        detection.

        Fig 4.1 Dataset for spam detection

      2. Data preprocessing

        Data preprocessing is an important step in this. The data that is given to the model will affect the performance of the model. Therefore the data is processed before proceeding. In this model the punctuations will be removed for better prediction. The data which will be given to this model will be of string data type. This will be fed to the process which will identify each of the characters and the punctuations will be removed. This refers to the processes of identifying and correcting the errors that are present in the dataset that may negatively impact the model. In this process the stop words will be removed. Generally the stopwords will be removed. A stopword is a word which is usually the most used words in the natural language. The stopwords do not add any value to the model. So, removing these words will have a chance of good prediction. The figure 4.2 shows the removal of stopword.

        Fig 4.2 Stopword Removal

      3. Tokenization And Lemmatization

        The next process in this is the tokenization process. In tokenization larger text is into smaller words. That is the will be split individually and will be put into appropriate data type. These tokenized words will be then used for the next purpose. Lemmatization isthe process of converting a word into its natural base form. This will aim to remove the inflectional ending and return the base word. These are the starting processes that need to be done for an effective database. Figure 4.3 shows the tokens.

        Fig 4.3 Tokenization and Lemmatization

        .4) Visualization of spam messages

        Email messages are separated into spam and ham from the dataset and it is visualised using word cloud. Using this user can easily visualise the words that commonly occurred in spam messages and in ham messages. The figure

        4.4 shows the visualization of spam messages.

        Fig 4.4 Visualization of spam messages using word cloud

        1. Visualization of ham messages

          Fig 4.5 Visualization of ham messages using word cloud

        2. Vectorization using TF-IDF

          TF-IDF refers to Term Frequency and Inverse Document Frequency. Term Frequency refers to how frequent a word appears in a document divided by total number of words in the document. This Vectorization using TF-IDF is shown in the figure 4.6.

          TF(t) = (Number of times term t appears in a document) / (Total number of terms in the document)

          Inverse Document Frequency refers to the importance of a term in a document which is calculated by taking the logarithm of the number of documents in a corpus which is divided by how many times the specific pattern appears.

          IDF(t) = log_e(Total number of documents / Number of documents with term t in it)

          Fig 4.6 Vectorization using TF-IDF

        3. Detection of spam using Bigram

          Bigram is the two-word sequence of n-grams where n refers to 2 here. Bigram is the model which predicts the following word using the occurrence of the previous word in a document. Here, using the occurrence of words in the mail dataset bigram predicts whether the mail is spam or ham. The detection of spam using bigram is shown in the figure 4.7 and figure 4.8.

          Fig 4.7 Spam Detection using Bigram

          Fig 4.8 Spam Detection using Bigram(continued)

        4. Frequently occurring ham

          Frequently occurring bigrams in the ham messages is visualized. It is seen that the bigram ((ill, call), (call, later))

          has more occurrences in ham messages therefore considered as ham. The frequently occurring ham messages is shown in the figure 4.9.

          Fig 4.9 Frequently occurring ham messages

        5. Frequently occurring spam

          Frequently occurring bigrams in the spam messages are visualized. It is seen that the bigram ((you, have), (have, won)) has more occurrence in a spam message therefore considered as spam. The frequently occurring spam messages is shown in the figure 4.10.

          Fig 4.10 Frequently occurring spam messages

        6. Detection of spam or ham

          The system displays whether the email is spam or ham by taking the set of n-grams and analysing whether the set of words occurs in the spam message or in a ham message. Like any other Machine Learning or Artificial Intelligence models, the model should be trained with a huge corpus of data. After training this N-grams model, the system will have an idea on the probability of the spam or ham message by analysing the sequence of words in that message.

          To measure the probability of spam or ham in a bigram model, the occurrence of every two words has been analysed by the model and then determines whether that is a

          spam or ham. The predictions will get improved when we give a bigger corpus. In a bigram the probability of spam and ham is classified by using the following formula.

          • Probability of spam = count(word2 spam) / count(word 2)

          • Probability of ham = count(word2 ham) / count(word 2)

            Probability calculation is done by calculating the probability of the word spam or ham occurring after the word w2 which is how many times the word occurs in the required sequence and it is divided by number of times the word before the expected word occurs in the corpus. For example, if the given sentence is cash offer, then the following probabilities are calculated, P(null, cash), P(cash, offer), P(offer, spam). P(offer, spam) is calculated by,

          • Probability of spam=count( number of times the word offer occurs in the given sentence * number of times the word spam occurs i.e 1 if mentioned as spam or 0 if mentioned as ham ) / number of times the word offer occurs in the entire corpus which is mentioned as spam.

        The detection of spam or ham using probability is shown in the figure 4.11.

        Fig 4.11 Probability of spam, ham

    3. Testing With Dynamic Inputs

      NLP N-Grams model is tested with dynamic inputs. Java Mail API is used to extract the mail messages of the user. This works on cross platforms like Gmail, Yahoo, Live Mail. This is done by enabling the less secure apps in Google accounts of the user and by enabling the POP / IMAP protocol. Number of mails taken is 9257. These mails are read and written into the csv file which is used for testing. This testing with dynamic input is shown in the figure 4.12.

      Fig 4.12 Testing with Dynamic inputs

    4. Topic Modelling

      Topic modelling is the type of statistical modelling and this is used to discover the topics which occur in a set of documents. Topic modelling is used for document clustering, feature selection, and information retrieval from the unstructured text.

      1. LDA based Topic Modelling

    Latent Dirichlet Allocation is a type of topic modelling technique used to classify the topics for the documents. Here, the frequently occurring words and their probabilities are displayed. This LDA based topic modelling is shown in the figure 4.13.

    Fig 4.13 Top 10 Frequently occurring words

      1. Visualization of LDA model

        pyLDAvis is the interactive LDA visualization python package. The circle area shows how important a topic is over the entire corpus. The similarity between the given topics is identified by how close a circle is with another circle. Top 30 most relevant terms are listed on the right side in the histogram for each of the topics. This visualization of LDA is shown in the figure 4.14.

        Fig 4.14 LDA visualization using pyLDAvis

      2. Dynamic Topic Distribution

    Dynamic topics are given to the LDA model and tested with the real time dataset and the topics are classified and written into the csv file along with the probability of the topics. Each mail message is given with an id and it maps to the mail message. This dynamic topic distribution is shown in the figure 4.15.

    Fig 4.15 Dynamic Topic Distribution using LDA

  5. PERFORMANCE EVALUATION

    In this chapter, a classification report for spam detection and accuracy is discussed and also HeatMap visualization is done. Email storage optimization has also been carried out and storage efficiency is understood.

    1. Classification Report For Spam Detection

      955 hams and 138 spams were predicted correctly 0 hams were incorrectly identified as spams and 22 spams were incorrectly predicted as hams is shown in figure 5.1. Accuracy of 98 percent is obtained in the n-grams model.

      Fig 5.1 Classification Report for Spam Detection

      1) Heatmap Visualization

      Heatmap is the type of data visualization technique which shows the magnitude of the phenomenon as color in two dimensions. Accuracy of ham and spam visualised using this technique is shown in figure 5.2.

      Fig 5.2 HeatMap Visualization for Spam Detection

    2. Email Storage Optimization (Eso)

      Table 5.1 Email Storage Optimization(ESO)

      Test Run 1

      Before Email Storage Optimization BES (Mail Size): 2216.9 MB

      After Email Storage Optimization AES (Mail Size): 2010.4 MB

      Total Savings: ((BES-AES)/BES)*100 9.58%

      Test Run 2

      Before Email Storage Optimization BES (Mail Size): 967 MB

      After Email Storage Optimization AES (Mail Size): 902 MB

      Total Savings: ((BES-AES)/BES)*100 6.72%

      Test Run 3

      Before Email Storage Optimization BES (Mail Size):

      501

      MB

      After Email Storage Optimization BES (Mail Size):

      472

      MB

      Total Savings: ((BES-AES)/BES)*100 5.6%

      Average of Email Optimization

      (Test Run 1 + Test Run 2 + Test Run 3)/3

      7.3%

      Ru n Le vel s

      Total numb er of mails

      Tested Mail Account

      Dete cted Adve rtise ment and Spam mails

      Total Mails After Clea ning Spam mails

      Storage Space Before Email Optimi zation (in

      MB)

      Storage Space After Email Optimi zation (in

      MB)

      Sa vin gs (in

      %)

      R1

      2704

      thirumagald hivya.dhivy a123@gmai l.com

      227

      2477

      2216.9

      MB

      2010.4

      MB

      9.5

      8%

      R2

      1213

      ansihtwhiyn a@outlook. com

      154

      1059

      967

      MB

      902

      MB

      6.7

      2%

      R3

      533

      srisriramasr ikrishna@y ahoo.com

      34

      499

      501

      MB

      472

      MB

      5.6

      %

      The topics such as advertisement and spam that are classified using LDA are detected. These topics have been given dynamically. The emails that are classified as advertisement and spam are then deleted using the Java API and the storage optimization is performed. Storage Optimization is calculated by three test runs that have been performed in various platforms such as Gmail, Yahoo, Live Mail. Email Storage Optimization is shown in table 5.1.

      Fig 5.2 Storage Optimization graph

      In the first test run, 227 mails were detected as advertisements and spam among the 2704 mails. 206.5MB storage has been saved and the percentage is 9.58%. In the second test run, 154 mails were detected as advertisements and spam among the 1213 mails. 65MB storage has been saved and the percentage is 6.72%. In the third test run, 34 mails were detected as advertisements and spam among the

      533 mails. 29 MB storage have been saved and the percentage is 5.6%. The average of storage optimization achieved in these three test runs is 7.3%. This is shown in the figure 5.2.

    3. Comparison Of Proposed With Existing Models

    The results obtained from the end-to-end framework showed good improvement when compared to the existing system. Table 5.2 shows the result comparison between the existing and the proposed system. The accuracy obtained in spam detection is 96.4% in the existing system and in the proposed system it is improved as 98%. Dynamic Inputs have been given and tested in the proposed system by retrieving the personal mail inputs whereas in the existing system, it is not performed. The proposed system works on cross platforms such as Gmail, Yahoo, Live Mail. In respect to storage savings, the existing system only detects the spam mails. But the proposed system detects and also deletes the spam and advertisement mails and therefore storage is saved. The average storage saved is 7.3%.

    Table 5.2 Result Comparison

    Task

    Existing System

    Proposed System

    Accuracy

    96.4%

    98%

    Dynamic Inputs

    No

    Yes

    Cross Platform

    No

    Yes

    Storage Optimization

    Detected, not deleted

    Detected and Deleted Average storage saved- 7.3%

    Fig 5.3 shows the accuracy improvement of the proposed system with the existing two systems: Email Spam Detection using integrated approach of Naïve Bayes and Particle Swarm Optimization which shows 96.4% accuracy, Content Based Spam Email Filtering which shows 92.8% accuracy. Our proposed system shows 98 percent accuracy.

    Fig 5.3 Accuracy Comparison Graph

  6. CONCLUSION AND FUTURE WORK

In this thesis, NLP based approaches for spam detection and data optimization have been devised. This chapter also mentions the future works that can be carried out.

  1. Conclusion

    This proposed system has taken emails as input and gives output as in the form of classification of the Spam or Ham and also data optimization. The input that is given to the model is obtained dynamically using a java mail application that takes the mail id and password for access purposes and gives the output a csv file of the mails in the inbox. The mail which is taken as input is given to the Latent Dirichlet Allocation(LDA). This is a generative probabilistic model, this is also the most popular Topic Modelling Approach. This is used to classify the emails taken as input into different appropriate topics. Using this algorithm the topics are classified as advertisements which are deleted from the extracted mail inbox resulting in data optimization. The next part in this model is the OpinionRank Trustworthy and NLP N-grams model. The OpinionRank algorithm obtains the websites from the emails and this is fed to the algorithm to find the trustworthiness of the website. In the OpinionRank algorithm the seed selection method is called the HarMean PageRank algorithm. For this HarMean PageRank algorithm the seed selection is done using the High PageRank and Inverse PageRank combined. The harmonic mean is found for the High PageRank and Inverse PageRank to determine the trustworthiness of this website. The NLP N-grams model is the next part in the model. Here the bigram model is used. The input file containing the emails are given to the model which performs a preliminary step of data preparation where the Data Cleaning, Data Preprocessing, Lemmatization, Tokenization is done. TF-IDF Vectorization is found for the words and stored in a document matrix. Then the percentage

    of punctuation to that of the sentence is found. These above procedures are performed to detect whether the given mail is Spam or Ham. Thereby mail data optimization is achieved by Topic classification using LDA and deleting the classified advertisement and spam emails. The percentage of data saved is 7.3%.

  2. Future Work

This model could be modified to work on the sender side instead of the receiver side, this way the network traffic could be reduced and the data storage can be reduced. Also the email IDs could have a ranking system, using this way also the above mentioned problems could be overcome. The other methods can be that instead of the whole message being stored for analysis only the header, the attachments and the links could be analyzed. Using the before mentioned point the privacy of an individual could be maintained or a way to encrypt the confidential texts that are chosen by the sender could be employed. For more accuracy the dataset of the model could be updated for the latest trends i.e., the spam and advertisements can vary on the current trends that the society is boosting at the time which will be used more to attract people by scammers.

REFERENCES

  1. A Sharaff and Srinivasarao U (2020), "Towards classification of email through selection of informative features," First International Conference on Power, Control and Computing Technologies (ICPC2T), Raipur, India, pp. 316-320, DOI: 10.1109/ICPC2T48082.2020.9071488.

  2. Adebayo Abayomi-Alli, Modupe Odusami, Olusola Abayomi-Alli and Sanjay Misra (2019), A review of soft techniques for SMS classification: methods, approaches and applications, Engineering Applications of Artificial Intelligence, vol. 86, pp. 197-212, DOI: 10.1016/j.engappai.2019.08.024.

  3. Ajay Sharma and Harpet Kaur (2016), Improved email spam classification method using integrated particle swarm optimization and decision tree. In Next Generation Computing Technologies (NGCT), 2nd International Conference on pp. 516-521, DOI: 10.1109/NGCT.2016.7877470.

  4. Akanksha Sharaff, Abhishek Dhadse and Naresh Kumar Nagwani (2016), Comparative study of classification algorithms for spam email detection, in Emerging Research in Computing, Information, communication and applications, pp. 237-244, Springer, Berlin, Germany, DOI: 10.1007/978-81-322-2553-9_23.

  5. Alazab M, Azam S, Kannoorpatti K, Karim A and Shanmugam B (2019), "A Comprehensive Survey for Intelligent Spam Email Detection," in IEEE Access, vol. 7, pp. 168261-168295, DOI: 10.1109/ACCESS.2019.2954791.

  6. Alfandi O, Dahmani N and Kaddoura S (2020), "A Spam Email Detection Mechanism for English Language Text Emails Using Deep Learning Approach", IEEE 29th International Conference on Enabling Technologies: Infrastructure for Collaborative Enterprises (WETICE), Bayonne, France, pp. 193-198, DOI: 10.1109/WETICE49692.2020.00045.

  7. Amin Ul Haq, Luo GuangJun, Shah Nazir,Habib and Ullah Khan (2020), Spam Detection Approach for Secure Mobile Message Communication Using Machine Learning Algorithms, Security and Communication Networks Volume 2020, pp. 1-6, Article ID 8873639, DOI 10.1155/2020/8873639.

  8. Amin, Hossain N and Rahman M.M (2019), "A Bangla Spam Email Detection and Datasets Creation Approach based on Machine Learning Algorithms," 2019 3rd International Conference on Electrical, Computer & Telecommunication Engineering (ICECTE), Rajshahi, Bangladesh, 2019, pp. 169-172, DOI: 10.1109/ICECTE48615.2019.9303525.

  9. F. Ahmadi-Abkenari, P. Bayat and S. JamshidiNejad (2020), "Opinion Spam Detection based on Supervised Sentiment Analysis Approach," 10th International Conference on Computer and Knowledge Engineering (ICCKE), Mashhad, Iran, pp. 209-214, DOI: 10.1109/ICCKE50421.2020.9303677.

  10. Fang Y, Gao W, Zhang F and Zhang B (2020), "Enhancing Short Text Topic Modeling with FastText Embeddings," International Conference on Big Data, Artificial Intelligence and Internet of Things Engineering (ICBAIE), Fuzhou, China, pp. 255-259, DOI: 10.1109/ICBAIE49996.2020.00060.

  11. Guangchi Liu, Qing Yang and XiaofeiNiu (2020), OpinionRank: Trustworthy Website Detection using Three Valued Subjective Logic,IEEETransactions on Big Data, pp. 1-1 DOI 10.1109/TBDATA.2020.2994309.

  12. H. and Cho , H.G., Kim, S.H., Tak (2019) , "Polarized Topic Modeling for User Characteristics in Online Discussion Community", IEEE International Conference on Big Data and Smart Computing (BigComp), Kyoto, Japan, pp. 1-4, DOI: 10.1109/BIGCOMP.2019.8679489.

  13. J. Marseline K.S and Nandhini S (2020), "Performance Evaluation of Machine Learning Algorithms for Email Spam Detection," International Conference on Emerging Trends in Information Technology and Engineering (ic-ETITE), Vellore, India, pp. 1-4, DOI: 10.1109/ic-ETITE47903.2020.312.

  14. Jayasinghe N, Muslam, M.M., and Raza, M (2021), "A Comprehensive Review on Email Spam Classification using Machine Learning Algorithms," 2021 International Conference on Information Networking (ICOIN), Jeju Island, Korea (South), pp. 327-332, DOI: 10.1109/ICOIN50884.2021.9334020.

  15. Jun Feng, Jiamin Lu, Xiaodong Li, Xi Zou and Yuelong Zhu (2019) , "A Novel Hierarchical Topic Model for Horizontal Topic Expansion With Observed Label Information," in IEEE Access, vol. 7, pp. 184242-184253, DOI: 10.1109/ACCESS.2019.2960468.

  16. Jyoti Prakash Singh, Pradeep Kumar Roy and Snehasish Banerjee (2019), Deep learning to filter SMS spam, Future Generation computer Systems, vol .102, pp. 524-533, DOI: 10.1016/j.future.2019.09.001.

  17. Lekha J, Maheshwaran J, Manikandan A, Murthy K Surya, Prathap K Ram and Tharani K (2019), "Efficient Detection of Spam Messages Using OBF and CBF Blocking Techniques," 3rd International Conference on Trends in Electronics and Informatics (ICOEI), Tirunelveli, India, 2019, pp. 1175-1179, DOI: 10.1109/ICOEI.2019.8862542.

  18. Mahantesh N Birje and Praveen S Challagidad (2019), "Determination of Trustworthiness of Cloud Service Provider and Cloud Customer," 5th International Conference on Advanced Computing & Communication Systems (ICACCS), Coimbatore, India, pp. 839-843, DOI: 10.1109/ICACCS.2019.8728408.

  19. Oguz Emre Kural and Sercan Demirci (2020), "Comparison of Term Weighting Techniques in Spam SMS Detection," 28th Signal Processing and Communications Applications Conference (SIU), Gaziantep, Turkey, 2020, pp. 1-4, DOI: 10.1109/SIU49456.2020.9302315.

  20. Qindong Sun, Yaling Zhang and Zhihai Yang (2020), "Probabilistic Inference and Trustworthiness Evaluation of Associative Links toward Malicious Attack Detection for Online Recommendations," in IEEE Transactions on Dependable and Secure Computing, pp. 1-1 DOI: 10.1109/TDSC.2020.3023114.

  21. R. Abinaya, P. Naveen and B. Niveda E (2020), "Spam Detection On Social Media Platforms", 7th International Conference on Smart Structures and Systems (ICSSS), Chennai, India, pp. 1-3, DOI: 10.1109/ICSSS49621.2020.9201948.

  22. Sana Ajaz, Md. Tabrez Nafis and Vishal Sharma (2017), Spam Mail Detection Using Hybrid Secure Hash Based Naive Classifier, International Journal of Advanced Research in Computer Science, Vol. 8, No. 5, pp.1195-1199.

  23. Santoshi Kumari and Syed Mohammed Anas (2021) , "Opinion Mining based Fake Product review Monitoring and Removal System", 6th International Conference on Inventive Computation Technologies (ICICT), Coimbatore, India, pp. 985-988, DOI: 10.1109/ICICT50816.2021.9358716.

  24. Satish Khumbar and Shounaak Ughade (2019), "Survey on Mathematical Word Problem Solving Using Natural Language Processing," 1st International Conference on Innovations in Information and Communication Technology (ICIICT), Chennai, India, pp. 1-5, DOI: 10.1109/ICIICT1.2019.8741437.

  25. X. Chang, X. Wang and Y. Wang (2020), "Sentiment Analysis of Consumer-Generated Online Reviews of Physical Bookstores Using Hybrid LSTM-CNN and LDA Topic Model," International Conference

    on Culture-oriented Science & Technology (ICCST), Beijing, China, 2020, pp. 457-462, DOI: 10.1109/ICCST50977.2020.00094.

  26. Xuejun Yu and Yukun Tian, (2021), "Trustworthiness study of HDFS data storage based on trustworthiness metrics and KMS encryption," IEEE International Conference on Power Electronics, Computer Applications (ICPECA), Shenyang, China, pp. 962-966, DOI: 10.1109/ICPECA51329.2021.9362537.

Leave a Reply