Next Article in Journal
Design of Digital Interaction for Complex Museum Collections
Previous Article in Journal
Location-Based Games and the COVID-19 Pandemic: An Analysis of Responses from Game Developers and Players
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Semantic Unsupervised Automatic Keyphrases Extraction by Integrating Word Embedding with Clustering Methods

by
Isabella Gagliardi
* and
Maria Teresa Artese
Institute for Applied Mathematics and Information Technologies “Enrico Magenes” (IMATI), National Research Council—CNR, Via Bassini, 15, 20133 Milan, Italy
*
Author to whom correspondence should be addressed.
Multimodal Technol. Interact. 2020, 4(2), 30; https://doi.org/10.3390/mti4020030
Submission received: 31 March 2020 / Revised: 4 June 2020 / Accepted: 17 June 2020 / Published: 19 June 2020

Abstract

:
Increasingly, the web produces massive volumes of texts, alone or associated with images, videos, photographs, together with some metadata, indispensable for their finding and retrieval. Keywords/keyphrases that characterize the semantic content of documents should be, automatically or manually, extracted, and/or associated with them. The paper presents a novel method to address the problem of the automatic unsupervised extraction of keywords/phrases from texts, expressed both in English and in Italian. The main feature of this approach is the integration of two methods that have given interesting results: word embedding models, such as Word2Vec or GloVe able to capture the semantics of words and their context, and clustering algorithms, able to identify the essence of the terms and choose the more significant one(s), to represent the contents of a text. In the paper, the datasets used are presented, together with the method implemented and the results obtained. These results will be discussed, commented, and compared with those obtained in previous experimentations, using TextRank, Rapid Automatic Keyword Extraction (RAKE), and TF-IDF.

1. Introduction

Increasingly, the web produces massive volumes of texts, alone or associated with images, videos, photographs, together with some metadata, indispensable for their finding and retrieval. The problem of extracting or associating keywords to texts available on the web, able to represent their contents, is a very topical problem, which requires ad hoc solutions, especially in the case of multilingual texts or specialized topics.
The keywords and key phrases of a document, if appropriately chosen, ensure the document content to be adequately and semantically represented [1,2]. Text mining, natural language processing, and information retrieval rely on keywords extraction as they provide compact information about the document and allow documents to be indexed, classified, summarized, and filtered automatically. The process of extracting keywords involves text processing methods and can be done manually by experts in the field (e.g., museum curators in the case of Cultural Heritage), or automatically by identifying and scoring words that characterize the document. The keywords/phrases obtained reflect the content and are useful to perform queries on document databases and to “suggest” similar documents.
They should, therefore, represent the content of the document to which they are associated in all its aspects and be general enough to represent several elements and, at the same time, specific enough not to represent only the whole set of items.
The problem of extracting relevant, semantic keywords has gained increasing interest over the years, also due to the enormous amount of interesting information available on the web and has been faced many times. Although the problem of the automatic extraction of keywords able to represent the content of texts has been dealt with since the early Information Retrieval systems [1,2], the advent of new tools and techniques makes it very current [3,4,5,6,7]. Different algorithms, categorized into supervised or unsupervised methods, have been developed to solve the problem of automatic extraction of keyphrases. Keyphrase extraction methods in unsupervised approaches can be grouped into statistical-based, graph-based, and cluster-based approaches. In statistical-based approaches, texts are usually represented as matrices in which the statistical techniques are applied to rank the words by using TF-IDF (short for term frequency–inverse document frequency) term weighting [2]. In graph-based methods, each document is represented as a graph where vertices or nodes represent words, and edges are connected based on either lexical or semantic relations, such as a co-occurrence relation. Examples are TextRank [8], Rapid Automatic Keyword Extraction (RAKE) [9], CollabRank [10], or SingleRank [11].
Derived from the PageRank algorithm, TextRank determines the importance of a word through the importance of linked words and iteratively calculates the importance of each word in the graph to select top-ranked words as keywords.
RAKE, a short form for Rapid Automatic Keyword Extraction, is an unsupervised, domain-independent, and language-independent graph-based method for extracting keywords from individual documents. The RAKE algorithm has better performance on long keyphrase extraction compared to TextRank.
Cluster-based methods extract terms, group them into clusters based on some semantic relatedness using co-occurrence similarity measures and select phrases that contain one or more cluster centroids. Examples are KeyCluster [12] or SemCluster [13].
Other good approaches to deal with Natural Language Processing (NLP) problems are Latent Semantic Analysis (LSI) [14,15] and Latent Dirichlet Allocation (LDA) [16]. The idea behind LSI is to compare words to find relevant documents, but what you really want is to compare the meanings or concepts of words. LSI is a technique able to analyze relationships between a set of documents and the terms they contain by producing a set of concepts related to the documents and terms. LDA is similar to LSI, and the process of checking topic assignment is repeated for each word in every document, cycling through the entire collection of documents multiple times. This iterative updating is the key feature of the LDA to generate a final solution with coherent topics. In both cases, documents are “clustered”, and each cluster is assigned a set of keywords, to describe its meaning. The number of “clusters” has to be assigned ahead.
Table 1 compares different automatic unsupervised keyword/keyphrases extraction methods available in the literature, with the one presented in this paper, pointing out their strengths and weaknesses. One of the problems that are shared by the state-of-the-approaches is the lack of attention paid to the semantic relevance of keywords, as well as the synonyms of extracted keywords, addressed by the proposed method.
The paper presents a novel method to address the problem of the automatic unsupervised extraction of keywords/phrases from texts, expressed both in English and in Italian. The main feature of this approach is the integration of two methods that have given interesting results: word embedding models, such as Word2Vec or GloVe able to capture the semantics of words and their context, and clustering algorithms, able to identify the essence of the terms and choose the more significant one(s), to represent the contents of a text. The approach incorporates word embedding resources to improve the semantic relatedness of key phrases.
The integration of word embedding models with clustering algorithms is now being studied by different research groups, mainly with classification purposes, and/or in specific contexts (for example [17,18]) due to its ability in extracting semantic and discriminative keywords.
Our approach can be easily transferred in other contexts and languages: the use of pre-trained models allows the use even on small datasets, clustering algorithms are standard and easily adaptable. The pipeline identified for the Italian language allows an easy adaption to other languages such as French, German, etc. A phase of fine-tuning in other languages is needed to verify the results, evaluating in each step the quality of the output, and, if necessary, identifying other tools that may work better.
The paper is structured as follows: in Section 2 our approach is described in full details with a brief description of datasets used, then follows the experimentation performed on 4 different datasets in two languages, Italian and English, with some preliminary results, and a brief discussion to comment the results, compare the different solutions and evaluate the results with baseline solutions, as Rake, TextRank, TF-IDF. Then conclusion and future works are presented.

2. Materials and Methods

The datasets used to test and evaluate the method were collected from open-source data, mainly from the Kaggle (https://www.kaggle.com/datasets) website and the whole web. The chosen datasets share the characteristics of having textual descriptions and, if possible, semantic tags. For the tests reported here, only the first records were used. Different clustering algorithms, word embedding models that use single or compound words, related to Italian and English languages were examined: the different options were tested and evaluated individually, as shown below.
The (multistep) method presented in this paper involves the use of clustering methods on word embedding models related to candidate terms to identify the most significant and then select those terms present as keywords or keyphrases. Starting from datasets in Italian and English, after a first pre-processing phase, which aims to eliminate or limit unnecessary or noisy information, we present the results of the unsupervised keyword extraction method. Previous experiments of the authors [19,20] have concerned classic keyword extraction algorithms: TextRank, Rake, Latent Semantic Indexing, LDA. Here we focus on cluster-based methods, such as KeyCluster [11], SemCluster [12]. Using cluster-based methods, terms are grouped in clusters based on a form of similarity or correlation: in a case like ours, where the items are words, similarity metrics are based on semantic correlation using Wikipedia and / or other measures of co-occurrence similarity. Candidate keywords containing the centroid or the terms closest (similar) to the centroid (or in the case of compound words, terms that contain the centroid) are then selected as keywords or keyphrases.
Figure 1 shows the scheme of the proposed method, whose steps (the same defined in [12]) are as follows:
S1.
Preprocessing and candidate term selection: we first preprocess the texts and select the candidate terms for keyphrase extraction, in the form of single or compound words.
S2.
Term relatedness computation: we identify a way to compute the semantic relatedness of candidate terms, based on word embedding and we use measures to produce semantic relatedness matrices.
S3.
Term clustering: based on term relatedness, we group candidate terms into clusters and find the terms (closest to the centroids) of each cluster.
S4.
Keyphrases identification: finally, we use these terms to extract keyphrases from the document.
In the following, each step is described in more depth, with some theoretical details.

2.1. Preprocessing and Candidate Keywords Extraction

The purpose of the preprocessing step is the identification of the set of terms, single words or compound words, which can be tagged as keywords or key phrases, in the next steps of the method.
In this pre-processing phase, several factors can influence the results:
  • The language used. The experiments conducted use texts in Italian and in English.
  • The grammatical form of individual or compound terms. For individual terms, words are nouns; in the case of compound terms usually a sequence of nouns and adjectives. For the English language, compound terms have the form of:
    <JJ>* <NN.*>+ <IN>)? <JJ>* <NN.*>+
Italian allows you to construct sentences in a freer way: you can, therefore, have compounds of nouns and adjectives, with the adjective that is put before or after, without changing its meaning. Italian compound keywords will be defined by, for example:
<ADJ>*<NOM|NPR>+<ADJ>*(<PRE><NOM|NPR>)*
according to the Italian tagset used in the TreeTagger [21], where ADJ are adjectives, NOM and NPR are nouns, and PRE are prepositions.
  • The POS tagging tool used has an important influence on how reliable the keywords extracted are.
The preprocessing pipeline is composed of:
  • Tokenization, i.e., the division of the text into single/multi words.
  • Annotation, which may include part-of-speech (POS) labeling.
  • Normalization: lemmatization/stemming, using algorithms specific for the language.
  • Removal of stop words and/or specific grammatical categories.
While tokenization and stop word removal do not present particular problems—they simply need to be adapted to the language—finding POS tagging and lemmatization/stemming tools that work effectively with a low error rate for the Italian language is still difficult. As we said, the proposed method can be easily adapted to other languages, such as French or German: also in these languages, identification of lemmatization and POS tagging tools is the step that requires more effort to achieve good results. The tools that have been tested and the ones that have been chosen are described in detail below.
The results produced by this phase are a list of terms (even repeated), in canonical forms, such as entries in the specific vocabulary of the dataset. The set of terms can be composed of single words and compound terms, together with their POS tagging.

2.2. Term Relatedness Computation

The relatedness of the candidate terms has been defined and evaluated according to a measure of similarity capable of grasping their semantic content, also considering the context in which the terms are used. Different approaches for calculating the semantic similarity of terms are presented in the literature. Relatedness based on co-occurrences is an intuitive method to measure the similarity of terms present in a document within a dataset, counting co-occurrences within a window of maximum w words in the whole document, with w usually set between 2 and 20, depending on the length of the documents. Other methods use external resources that imitate human knowledge bases, such as Wikipedia or WordNet, to measure the correlation between terms [22,23].
Here we present a method to calculate semantic relatedness based on word embedding. Word embedding technique is one of the most popular ways to represent terms, in which words with similar meanings have a similar representation, being able to capture the context of a word in a document, the semantic and syntactic similarity, the relation with other words, etc.
Each word is represented as a real value vector in a predefined vector space, and the vector values are learned in a way that resembles a neural network, so the technique is often inserted in the field of deep learning.
The key idea is to use a dense distributed representation for each word: each word is represented by a vector of tens or hundreds of dimensions, extremely reduced with respect to the thousands or millions of dimensions required for sparse word representations.
Different models have been developed since 2013 when the first models appeared: we use here word2vec and GloVe.
Word2Vec is one of the most used techniques to learn word embedding using shallow neural network [24,25].
Word2vec can utilize two model architectures to produce the word embedding model: continuous bag-of-words (CBOW) or continuous skip-gram, as shown in Figure 2. With CBOW architecture, the model predicts the current word from a window of surrounding context words. The order of context words does not influence prediction (bag-of-words assumption). In the continuous skip-gram architecture, the model uses the current word to predict the surrounding window of context words. According to the Mikolov note, CBOW is faster while skip-gram is slower but does a better job for infrequent words. The models are focused on learning about words given their local usage context, where the context is defined by a window of neighboring words. This window is a configurable parameter of the model.
The Global Vectors for Word Representation, or GloVe [26], algorithm is an extension to the Word2Vec method for efficiently learning word vectors.
The result of the computation is the “translation” of the candidate terms into vectors, able to take into account the semantic content of each term, its context, the relationship with other terms, etc.
Particular attention has been paid to compound words, which are not present in the compound form in the word embedding model, but as individual components.
In this case, we consider a compound word, composed of words w1, w2,…,wn. Each word has a word embedding vector vw1, vw2,…,vwn. We define the compound embedding as (https://stats.stackexchange.com/q/318885):
v c w = 1 n i = 1 n v w i .

Semantic Relatedness Matrices

The semantic relatedness of words (through their representation in the form of word embedding vectors) has been computed using standard similarity measures, such as Cosine similarity measure and Euclidean distance, to produce semantic relatedness matrices.
Formally, the Euclidean distance is also known as the Euclidean norm, L2 norm, or L2 distance and is defined as the shortest straight-line distance between two points. Mathematically this can be denoted as:
e d ( a , b ) = 1 n ( a i b i ) 2
where the two points a and b are vectorized text terms in our scenario, each having length n.
Considering we have two terms such that they are represented in their vectorized forms, Cosine similarity gives us the measure of the cosine of the angle between them when they are represented as non-zero positive vectors in an inner product space. Thus, term vectors having similar orientation will have scores closer to 1, indicating the vectors are very close to each other in the same direction (near to zero-degree angle between them). Term vectors having a similarity score close to 0 indicate unrelated terms with a near orthogonal angle between then. Term vectors with a similarity score close to −1 indicate terms that are completely oppositely oriented to each other.
C o s θ = a · b a · b = 1 n a i b i i n a i 2 i n b i 2

2.3. Clustering

Clustering is meant to assign objects in groups so that objects in the same cluster are more similar to each other than any object in any different cluster [27]. In this paper, we use three widely used clustering algorithms: Affinity Propagation, K-means, and hierarchical clustering to group the embedded vectors in clusters semantically equivalent.
Affinity Propagation (AP) is a clustering algorithm that identifies a set of ‘exemplars’ representing the dataset [28]. The AP algorithm is based on the concept of “message passing” among the various data points to be clustered, and no request is needed about the number of possible clusters. The input of Affinity Propagation is the pair-wise similarities between each pair of data items. In our case, the items are the vectors and the pair-wise similarity is a similarity matrix. Any kind of similarity is acceptable, thus making the Affinity Propagation widely applicable. The number of clusters is calculated by the algorithm, without the need to assign it a priori, by trial and error methods. The number of clusters identified by the Affinity Propagation algorithm is also used by the other algorithms used in the experiments in the paper.
K-means clustering (KM) is one of the simplest and most popular unsupervised machine learning algorithms [29] intending to group similar data points, and discover the underlying patterns. To achieve this goal, K-means looks for a fixed number (k) of clusters in a data set. The K-means algorithm identifies the k number of centroids, with k given in advance, and then assigns each data point to the nearest cluster, keeping the centroids as small as possible.
Hierarchical clustering (AC) is a method of cluster analysis which seeks to build a hierarchy of clusters. Hierarchical clustering can be created following a “bottom-up” approach, where each observation starts in its own cluster, and pairs of clusters are merged as one moves up the hierarchy. This strategy is called agglomerative. The opposite approach, divisive, starts with all observations in one cluster, and splits are performed recursively as one moves down the hierarchy. Merges and splits normally happen using a greedy algorithm, and the final result of the hierarchy of clusters can be visualized as a tree structure, called a dendrogram.

2.4. Keyphrases Identification

Clustering has grouped all the terms (actually their representation as word embedding vectors) into n clusters. Each cluster has a centroid which, only in the case of the AP algorithm, corresponds to an exemplar, i.e., an existing term. For the other algorithms, 1 or m terms closest to the centroid are extracted.
Then the candidate keywords, obtained in step 1, are compared with the m terms closest to the centroid, and the resulting terms are identified as key phrases. In the case of single words, only nouns are extracted; in the case of compound words, candidate keywords have the form of (1) or (2), respectively, for texts in English or Italian.

2.5. Evaluation

Once the keywords/keyphrases have been extracted, the task of evaluating the results is to be undertaken. In this case, we are interested in evaluating two different aspects. On the one hand, we are interested in comparing and evaluating the word embedding models, able to enhance the semantic aspects of keyword extraction. On the other hand, a comparison of this method with standard algorithms to extract keywords, such as RAKE, TextRank, TF-IDF on the English and Italian datasets, is shown. We use Sørensen–Dice (SD) (https://en.wikipedia.org/wiki/S%C3%B8rensen%E2%80%93Dice_coefficient) similarity coefficients, able to measure the shared information (overlap) over the sum of cardinalities. Its value is computed as follows:
S D = 2 | X Y | | X | + | Y |
where |X| and |Y| are the cardinality of the two sets, while |XY| is the cardinality of the items that the two sets have in common.

3. Our Approach

3.1. Datasets

In choosing the datasets, we are interested in having Italian and English versions of data, with textual descriptions long enough to fit the purpose, and possibly tagged. Here a brief description of the four datasets used.
FilmTV movies dataset (https://www.kaggle.com/stefanoleone992/filmtv-movies-dataset), from now on referred to as Movie, provides the information on movies with data on how users from different countries rate the movies compared to each other. Data has been scraped from the publicly available website https://www.filmtv.it (accessed on 24 November 2019). Each row represents a movie available on FilmTV.it, with the original title, year, genre, duration, country, director, actors, average vote, and votes. Both versions (English and Italian) contain 53,497 movies, and the Italian version contains one extra-attribute for the local title used when the movie was published in Italy. The “description” of the movie has been used for extracting keywords. The length of the text is variable, ranging from a simple phrase, that gives some hints of the plot, to a more detailed explanation of the movie. The language, both in Italian and in English, is plain, without jargon or technicalities.
Food.com Recipes and Interactions dataset (https://www.kaggle.com/shuyangli94/food-com-recipes-and-user-interactions), from now on referred to as Recipe (English version), consists of 180K+ recipes and 700K+ recipe reviews covering 18 years of user interactions and uploads on Food.com (formerly GeniusKitchen). For our purpose, this dataset is perfect, having each recipe a textual description of the steps involved, and tags associated. The language used to outline the procedure is simple, but the nouns of kitchen ingredients and tools are rarely used in ordinary conversation.
Recipe (Italian version) is a dataset with 28,200 Italian recipes, with ingredients, and food preparation steps. The dataset was created by Giorgio Musilli (https://www.dbricette.it). The preparation steps, used as input to extract keywords, use a basic language, with verbs to infinitive and some essential information on how to combine, cut, cook the ingredients.
The summary of the main information on the 4 datasets used, two in Italian and two in English, is shown in Table 2. The datasets are rather different, both in the length of the sentences and in the number of candidate words present.

3.2. Experiments

The method depicted in Figure 1 has been implemented, according to the steps defined in Table 3, described in depth in their computational aspects.
The data have been pre-processed according to the standard pipeline, presented previously.
This preprocessing phase aims to extract from phases in plain language noun or noun phrases. The tool(s) identified and possibly integrated should, therefore, be able to understand the phrases structures and dependencies structure, to correctly identify noun phrases.
Tools present in the literature have been identified and tested: for the English language, datasets were processed using standard tools, such as Stanford’s core NLP suite, Natural Language Toolkit NLTK [30] of Python, with PENN Treebank [31] as a POS tagger and tokenizer.
Stanford’s core NLP suite offers a set of tools for managing natural Languages. It can give the base forms of words, their parts of speech (POS), normalize dates, times, and numeric quantities, and identify noun phrases and mark up the structure of sentences in terms of phrases and syntactic dependencies [32].
Natural Language Toolkit NLTK is a tool able to work with human language data. It provides a suite of text processing libraries for classification, tokenization, stemming, tagging, parsing, and semantic reasoning.
Spacy (https://spacy.io/) and Pattern (https://www.uantwerpen.be/en/research-groups/clips/), two further python packages for NLP, have been tested too.
SpaCy is an open-source software library for advanced NLP and features convolutional neural network models for part-of-speech tagging, dependency parsing, and named entity recognition (NER). It offers pre-built statistical neural network models (also for the Italian language) as well as tools to train custom models on their own datasets.
Pattern, developed by Clips (Computational Linguistics & Psycholinguistics) at the University of Antwerp, is a Python package for web mining, natural language processing, machine learning, and network analysis, with a focus on ease-of-use [33].
For the preprocessing of the Italian datasets, some preliminary tests have been performed with the NLTK package, the Pattern python package specific for Italian, and Spacy (with pre-trained Italian model), but they do not provide acceptable results. Stanford core NLP has not developed tools for the Italian language.
The main problems are encountered with POS tagging, probably due to an incorrect syntactic interpretation of the sentence: for example, adjectives, which have the same form of a verb, are misinterpreted, and therefore possible noun phrases are not identified.
The tool that proved to work best is the TreeTagger [21], a free tool developed by Helmut Schmid at the Institute for Computational Linguistics of the University of Stuttgart, using the standard Italian tagset, although it still has some issues for both POS tagging and lemmatization.
To identify n-gram words, different procedures and tools were tested. In the end, based on experimental evaluations, we started from a grammatical analysis by TreeTagger, able to identify grammatical structures in sentences and dependencies, and integrated the results with NLTK and dependency parsing tools: in this way, integrating NLTK and TreeTagger, it was possible to identify n-grams words that appear in documents.
After POS tagging, single words that are nouns and compound words that are nouns and adjectives (according to the grammatical rules of each language) were held on the four datasets. Table 4 reports the total number of candidate keywords and the number of different words, either single or compound.
To estimate the semantic relatedness of words and to compute their similarity, we have used Word2Vec and GloVe pre-trained models in English and Italian. In detail the models used:
  • Word2vec trained on google news:
    the English version includes word vectors for a vocabulary of 3 million words and phrases that have formed on about 100 billion words of a Google News dataset (GoogleNews-vectors-negative300.bin.gz).
    the Italian version has been trained on Italian Wikipedia by ISTI-CNR, trained with skipgram (http://hlt.isti.cnr.it/wordembeddings/)
  • Word2vec trained on Wikipedia (https://wikipedia2vec.github.io/wikipedia2vec/pretrained/) both Italian and English versions have been trained on a Wikipedia version of April 2018, with the following parameters:
    –dim-size = 300: The number of dimensions of the vectors.
    –window = 5: The maximum distance between the target item (word or entity) and the context word to be predicted.
    –iteration = 10: The number of iterations for Wikipedia pages.
    –negative = 15: The number of negative samples.
  • GloVe pre-trained vectors:
    the English version has been trained on Wikipedia 2014 + Gigaword 5, for a total of 6 Billion tokens, 400 K vocabulary (https://nlp.stanford.edu/projects/glove)
    the Italian version has been trained on Italian Wikipedia by ISTI–CNR.
In Table 4, the dimension of pre-trained word embedding models used is shown.
For all models used, the vector length is 300 features.
From the pre-trained models, the vectors corresponding to the candidate keywords have been extracted. The vectors of the n-gram words have been calculated as an average of the vectors of the single words, if present in the model, according to the formula defined above in Equation (3).
In Appendix B, Table A5 details the percentage of coverage, that is how many candidate keywords are present in the word embedding model considered, how many terms are present in the model (in model), and how many are out of vocabulary (oo vocab) terms. Table A5 reports data for 1-g and n-grams, respectively.
The out of vocabulary terms, that terms not present in the models, can be grouped in three main categories:
  • Terms with some typos, as “washignton” or “agosciosa”, the n of “angosciosa” is missing (anguished) or “areoporto” misspelled for airport. This category of terms can be automatically corrected using a tool able to measure the distance of two words, e.g., based on character exchange.
  • Technicalities or sector-specific terms, such as “chorizos” from recipe/en or “brunoise” (of French origin, indicating a technique for cutting vegetables) from recipe/it. A training phase to add these terms to the word embedding models should be undergone to deal with these cases.
  • Diminutives or nicknames, which are very frequent in Italian, as “padellino” (that mean little saucepan) or “ziette”, aunts or “storiellina”, nice little stories. A lemmatization/stemmer tool should be trained to be able to deal with these kinds of modification of words.
It is worth noting that in general w2v wiki and GloVe have greater coverage, while w2v google has many terms outside the vocabulary, due probably to the low number of terms in the models. This is especially valid for the pre-trained model on google news in Italian. The movie datasets, both in Italian and English, show a very high percentage of coverage, because of the common words used in the description, while the recipes, to different extents, suffer the problem of the kitchen-specific words. The recipe/en generally exceeds for out-of-vocabulary terms and is the only case where the number of oo terms is higher for the w2vwiki model than for GloVe.
Then, semantic relatedness matrices were calculated, based respectively on the measurement of cosine similarity and Euclidean distance, able to measure the relatedness of any two words, based on embedded vectors.
The cluster algorithms have been applied to the similarity matrices, related to the terms (and their vectors) of the candidate keywords, using different criteria of similarity, cosine similarity, and Euclidean distance. The algorithms used were: Affinity Propagation, K-means, and hierarchical clustering. K-means and hierarchical clustering algorithms require the number of clusters as input: therefore, the number of clusters obtained by the Affinity Propagation on cosine similarity measurements and Euclidean distance has been inserted in these cases.
Table 5 reports results on the clustering process, using the clustering algorithms on the four datasets, with the word embedding models.
Our method, starting from candidate keywords, identifies those words that are centroid or n terms (1-g or n-gram) closer to the centroid. If the number of clusters is higher, the extracted keywords are more numerous.
In general, it can be noted that the number of clusters obtained depends greatly from the word embedding model used, hence on the number of terms usable, and is higher for the Cosine similarity matrix with respect to Euclidian distance.
The last step is the extraction of keyphrases to be associated with each text. We have matched candidate keywords/keyphrases extracted from the text, eventually in the form of (1) or (2), with the term(s) closest to the centroid of the clustering algorithms. In particular, for Affinity Propagation, the centroid is exactly the exemplar, while for K-mean and hierarchical clustering, the k terms closest to the centroid (calculated, if not available, as the average of its members) have been identified. For greater homogeneity and to allow a better comparison among the algorithms, also for Affinity Propagation have been extracted, besides the exemplar, the k-1 closest terms.

4. Discussion

The evaluation metrics for automatic unsupervised keyphrase extraction methods is a complex task. In general, the results are compared with the keywords chosen manually by experts or using gold standard datasets. In [20], we used Recall and Precision to evaluate the results, the same metrics used in SemEval contexts (https://en.wikipedia.org/wiki/SemEval). Here our idea is to define a fully automatic evaluation method, to analyze the different options tested in the runs, and compare and evaluate the results.
We are interested in evaluating how much the word embedding models and the similarity measures influence the results. We would also like to measure how our approach that combines word embedding with cluster algorithms obtains comparable results with methods such as TF-IDF, TextRank, and RAKE. For this purpose, we used Sørensen–Dice (SD) similarity coefficient computed as described above in Equation (6).
Figure 3 shows the SD similarity coefficient for the word embedding models for Affinity Propagation, K-means, and hierarchical clustering, using Cosine similarity matrix, on 1-g, on the left, and n-grams, on the right. Due to the higher number of clusters, and hence, of keywords/keyphrases extracted for n-grams, the SD similarity coefficient is higher for n-grams than for single words.
Figure 4 compares the same clustering algorithm with the two similarity measures used. In the case of single words, the similarity coefficient Sørensen–Dice (SD) is very low, due to the limited number of extracted keywords, while the coefficient for compound words ranges from 0.4 to 0.7. This means that clustering algorithms always extract at least one or probably more common keyphrases from the texts.
Figure 5, Figure 6 and Figure 7 compare the results obtained by the proposed method with the standard approaches, which are Rake, TextRank, and TF-IDF. The graphs show that neither cluster algorithms nor word embedding models produce significant variations in the results: the values of the SD coefficient have almost stacked. The choice and the cardinality of keyword sets against which to evaluate the results greatly influence the evaluation: in these tests, we used all those extracted from the different algorithms. The results show that for TextRank, RAKE, and TF-IDF, there is almost always some overlap.
Analyzing the extracted terms, it can be noticed that the method extracts significant terms, able to describe the content of the texts, but, especially in the case of recipes in the Italian language, since many culinary terms are grouped in the same cluster, the ability to describe different aspects is lost. When using the 4 terms, this problem is partially overcome.
Movie/it dataset has been used for the graphs of Figure 3 and Figure 4, and Recipe/en dataset for the graphs of Figure 5, Figure 6 and Figure 7. The other datasets provide similar results, not reported here. Appendix A reports the data used to create the graphs.
For the proposed method, the time complexity of the different experiments depends on the complexity of the cluster algorithms used (see Table 3), with the same dataset and word embedding model. The experiments have been performed on a DELL PC, with Intel Core i7-8565u 1.8 GHz 1.99 GHz with a memory of 16GB, using Windows 10 operating system. In Table 6, we report the computational costs for keyword/keyphrases extraction method performed on 100 documents of (Italian and English) recipe datasets and 500 documents of (Italian and English) movie datasets. All steps line presents the computation costs for the complete execution of the proposed approach, including the baseline algorithms. The matrix + clustering + keyword extraction row reports the computational time for the method proposed, using all the clustering algorithms (Affinity Propagation, K-means, and hierarchical clustering), applied to the adopted semantic similarity matrices (Euclidean distance and Cosine similarity), specifying the word embedding model and the granularity (1-g or n-grams). In the following lines are reported the specific results for the w2vecwiki, glove, and w2vgoogle word embedding models.
The experimental setup has been implemented in Python 3.7, using standard packages like Numpy, Matplotlib, Pandas, and other more specific ones for processing of textual data such as NLTK, Treetagger, Gensim [34], Newspaper, Pattern (Pattern clips 2.6), and Sklearn, together with some experimental packages in GitHub. We use various software packages to implement TextRank, RAKE, and Word2Vec [34] using standard options.

5. Conclusions

This paper presents an unsupervised automatic keyword extraction method based on clustering integrating different word embedding models to improve the semantic relatedness of keywords. The main characteristics of this approach are the integration of word embedding models, able to capture the semantics of words and their context, with the clustering algorithms, able to identify the essence of the terms. The more significant one(s), able to represent the contents of a text, are then chosen. The whole process, the possible choices, and the method implemented, together with datasets, and some preliminary results obtained have been described. The results presented have been obtained with pre-trained word embedding models on both Italian and English datasets.
Mainly for Italian, especially in the case of such specific topics as recipes, the pre-trained models are struggling to be adequate and to bring correct results. A further source of errors is POS tagging, always for the Italian language: although the solution adopted works quite well, there are still errors, especially in the dataset of the recipes, due to the incorrect identification of the grammatical structure of the phrases.
Aspects that will be furtherly studied and analyzed in the future concern:
  • Test and integrate other pre-processing tools, specifically designed for the Italian language for better POS tagging and lemmatization results.
  • Define and apply tools capable of handling typographical errors, and out-of-vocabulary words, to improve coverage and increase candidate keywords.
  • Test our approach on texts in French, German, evaluating the results obtained, and the effort needed to adapt it.
  • Test FastText and other word embedding models
  • Adapt and custom pre-trained embedding models with the inclusion of new terms, to add out-of-vocabulary words and update weights, with the aim to address the issue of specialist words or contexts.
  • Here the cluster algorithms have been used individually, one at a time: it is planned to test and evaluate the possibility of integrating clustering methods to adjust accordingly keyphrases weights seamlessly: the weight of the common terms in the clustered documents is increased, while the others are decreased, also based on their representativeness in other clusters.
  • Improve/integrate evaluation methods, able to take into account the different aspects of the problem.
  • Integrate Wikipedia, the largest encyclopedia collected and organized by the human on the web, as the knowledge base to measure term relatedness.

Author Contributions

Methodology, I.G.; software, I.G. and M.T.A.; data curation, I.G. and M.T.A.; writing—original draft preparation, I.G.; writing—review and editing, M.T.A. All authors have read and agreed to the published version of the manuscript.”

Funding

This research received no external funding.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A

Table A1 and Table A2 report SD coefficients for the comparison among word embedding models and clustering algorithms. The values in the tables have been used for the graphs reported in Figure 3 and Figure 4.
Table A1. Sørensen–Dice (SD) coefficients for word embedding models and clustering algorithms, on 1 g.
Table A1. Sørensen–Dice (SD) coefficients for word embedding models and clustering algorithms, on 1 g.
Cosine SimilarityAP vs. k-meansAp vs. Hierarchicalk-means vs. Hierarchical
glove0.5537530.5011334260.546715
w2vgoogle0.5310150.4119378120.388053
w2wiki0.601650.5474615530.557486
Euclidean distanceAP vs. k-meansAp vs. hierarchicalk-means vs. hierarchical
glove0.3724040.5101997310.590246
w2vgoogle0.4906490.5544727640.209238
w2wiki0,3429490.4862458370.150821
AP cosine vs. k EuclideanAP cosine vs. ac Euclideank cosine vs. ac Euclidean
glove0.4014070.6754550280.70793
w2vgoogle0.601480.7138078280.687272
w2wiki0.3769820.6987202150.684565
ac cosine vs. ac EuclideanAP cosine vs. AP Euclideank-means cosine vs. k-means Euclidean
glove0.7256920.946561350.590246
w2vgoogle0.3415190.3897501860.209238
w2wiki0.2755280.4190504160.150821
AP Euclidean vs. k-means cosineAP Euclidean vs. ac cosinek Euclidean vs. ac cosine
glove0.6016240.5829221910.422509
w2vgoogle0.5309520.5511790240.58458
w2wiki0.5457540.5215213190.382657
Table A2. SD coefficients for word embedding models and clustering algorithms, on n gram.
Table A2. SD coefficients for word embedding models and clustering algorithms, on n gram.
Cosine SimilarityAP vs. k-MeansAp vs. Hierarchicalk-Means vs. Hierarchical
glove0.7950038380.7987030.802229
w2vgoogle0.7987163330.7877430.784118
w2wiki0.7702552330.7795180.785443
Euclidean distanceAP vs. k-meansAp vs. hierarchicalk-means vs. hierarchical
glove0.3724044240.51020.451053
w2vgoogle0.4906489240.5544730.641539
w2wiki0.3429493570.4862460.419902
AP cosine vs. k EuclideanAP cosine vs. ac Euclideank cosine vs. ac Euclidean
glove0.4014070.6754550280.70793
w2vgoogle0.601480.7138078280.687272
w2wiki0.3769820.6987202150.684565
ac cosine vs. ac EuclideanAP cosine vs. AP Euclideank-means cosine vs. k-means Euclidean
glove0.6591230.4014070.675455
w2vgoogle0.5962850.601480.713808
w2wiki0.6085330.3769820.69872
AP Euclidean vs. k-means cosineAP Euclidean vs. ac cosinek Euclidean vs. ac cosine
glove0.6016240.5829220.422509
w2vgoogle0.5309520.5511790.58458
w2wiki0.5457540.5215210.382657
Table A3 and Table A4 report SD coefficients for the comparison between the baseline approaches and our algorithm evaluated on the basis of the specific clustering algorithm. The values in the tables have been used for the graphs reported in Figure 5, Figure 6 and Figure 7.
Table A3. SD coefficients for baseline approaches and our method, on 1 g.
Table A3. SD coefficients for baseline approaches and our method, on 1 g.
CosineAP vs. TextRankAP vs. RakeAP vs. TF-IDF
w2vgoogle0.1540310.126850.392171
glove0.1571530.1193070.382592
w2vwiki0.1458970.1056910.357797
cosinek-means vs. TextRankk-means vs. rakek-means vs. TF-IDF
w2vgoogle0.1609080.1192470.370346
glove0.1586610.1229570.356506
w2vwiki0.1324770.0931280.307014
cosineAc vs. TextRankAc vs. rakeAc vs. TF-IDF
w2vgoogle0.1619190.1179560.379477
glove0.1518760.1122690.3481
w2vwiki0.1425180.1089380.345622
EuclideanAP vs. TextRankAP vs. rakeAP vs. TF-IDF
w2vgoogle0.1084120.0540190.188562
glove0.1462810.1022260.309676
w2vwiki0.1089630.0413560.172741
Euclideank-means vs. TextRankk-means vs. rakek-means vs. TF-IDF
w2vgoogle0.003170.0120680.046226
glove0.11480.110940.25953
w2vwiki0.0044970.0061220.019548
EuclideanAc vs. TextRankAc vs. rakeAc vs. TF-IDF
w2vgoogle0.0495330.0455470.178766
glove0.1058250.0870860.28053
w2vwiki0.025610.0300790.144307
Table A4. SD coefficients for baseline approaches and our method, on n gram.
Table A4. SD coefficients for baseline approaches and our method, on n gram.
CosineAP vs. TextRankAP vs. RakeAP vs. TF-IDF
w2vgoogle0.2419730.3727590.401519
glove0.2205450.3712460.403963
w2vwiki0.2244450.3625390.390922
cosinek-means vs. TextRankk-means vs. rakek-means vs. TF-IDF
w2vgoogle0.2161920.3745330.386397
glove0.2306090.329280.332172
w2vwiki0.1911150.3555180.345643
cosineAc vs. TextRankAc vs. rakeAc vs. TF-IDF
w2vgoogle0.2315720.3572240.375333
glove0.223710.3403090.373955
w2vwiki0.2161290.3501670.374979
EuclideanAP vs. TextRankAP vs. rakeAP vs. TF-IDF
w2vgoogle0.1773790.2998480.313574
glove0.1815970.2811950.299125
w2vwiki0.1913860.3042270.33789
Euclideank-means vs. TextRankk-means vs. rakek-means vs. TF-IDF
w2vgoogle0.2142670.319750.316057
glove0.1865450.2817510.272817
w2vwiki0.2073660.3221370.321478
EuclideanAc vs. TextRankAc vs. rakeAc vs. TF-IDF
w2vgoogle0.1973520.3538420.378546
glove0.2251830.3305430.360484
w2vwiki0.214420.3656570.38084

Appendix B

In Table A5 percentage of coverage, that is how many candidate keywords are present in the word embedding model considered, how many terms are present in the model (in model), and how many are out of vocabulary (oo vocab) terms. Table A5 report data for 1-g and n-grams, respectively.
Table A5. Statistics for embedding models on datasets, using 1-g and n-grams.
Table A5. Statistics for embedding models on datasets, using 1-g and n-grams.
1-gRecipe/ItMovie/ItRecipe/EnMovie/En
Cand. keywords1819566323941826
W2v wiki coverage96.92%98.45%87.76%99.23%
W2v wiki in-model1763557521011812
W2v wiki oo vocab568829314
W2v google coverage67.01%81.86%86.72%91.89%
W2v google in-model1219463620761826
W2v google oo vocab6001027318148
GloVe coverage95.66%97.63%91.23%98.14%
GloVe in-model1740552921841792
Glove oo vocab7913421034
n-gramsRecipe/itMovie/itRecipe/enMovie/en
W2v wiki coverage98.60%99.16%95.74%99.46%
W2v wiki in-model3448859561642594
W2v wiki oo vocab497327114
W2v google coverage83.41%89.22%95.40%94.10%
W2v google in-model2971773461422454
W2v google oo vocab561909293146
GloVe coverage97.97%98.65%97.14%98.03%
GloVe in-model3426855162542574
Glove oo vocab7111718434

References

  1. Singhal, A. Modern information retrieval: A brief overview. IEEE Data Eng. Bull. 2001, 24, 35–43. [Google Scholar]
  2. Manning, C.D.; Raghavan, P.; Schütze, H. Introduction to Information Retrieval; Cambridge University Press: New York, NY, USA, 2008. [Google Scholar]
  3. Beliga, S.; Meštrović, A.; Martinčić-Ipšić, S. An overview of graph-based keyword extraction methods and approaches. J. Inf. Organ. Sci. 2015, 39, 1–20. [Google Scholar]
  4. Zhang, C. Automatic keyword extraction from documents using conditional random fields. J. Comput. Inf. Syst. 2008, 4, 1169–1180. [Google Scholar]
  5. Hasan, K.S.; Ng, V. Automatic Keyphrase Extraction: A Survey of the State of the Art. In Proceedings of the 52nd Annual Meeting of the Association for Computational Linguistics, Baltimore, Maryland, 23–25 June 2014; Volume 1, pp. 1262–1273. [Google Scholar]
  6. Merrouni, Z.A.; Frikh, B.; Ouhbi, B. Automatic keyphrase extraction: An overview of the state of the art. In Proceedings of the 2016 4th IEEE International Colloquium on Information Science and Technology (CiSt), Tangier, Morocco, 24–26 October 2016; pp. 306–313. [Google Scholar]
  7. Siddiqi, S.; Sharan, A. Keyword and keyphrase extraction techniques: A literature review. Int. J. Comput. Appl. 2015, 109, 18–23. [Google Scholar] [CrossRef]
  8. Mihalcea, R.; Tarau, P. Textrank: Bringing order into text. In Proceedings of the 2004 Conference on Empirical Methods in Natural Language Processing; Association for Computational Linguistics: Barcelona, Spain, 2004. [Google Scholar]
  9. Rose, S.; Engel, D.; Cramer, N.; Cowley, W. Automatic keyword extraction from individual documents. In Text Mining: Applications and Theory; Berry, M.W., Kogan, J., Eds.; Wiley: Hoboken, NJ, USA, 2010; pp. 1–20. [Google Scholar]
  10. Wan, X.; Xiao, J. CollabRank: Towards a collaborative approach to single-document keyphrase extraction. In Proceedings of the 22nd International Conference on Computational Linguistics, Manchester, UK, 18–22 August 2008; Volume 1, pp. 969–976. [Google Scholar]
  11. Wan, X.; Xiao, J. Single Document Keyphrase Extraction Using Neighborhood Knowledge. In Proceedings of the AAAI, Chicago, IL, USA, 13–17 July 2008; Volume 8, pp. 855–860. [Google Scholar]
  12. Liu, Z.; Li, P.; Zheng, Y.; Sun, M. Clustering to find exemplar terms for keyphrase extraction. In Proceedings of the 2009 Conference on Empirical Methods in Natural Language Processing, Singapore, 6–7 August 2009; Volume 1, pp. 257–266. [Google Scholar]
  13. Alrehamy, H.H.; Walker, C. SemCluster: Unsupervised automatic keyphrase extraction using affinity propagation. In Advances in Computational Intelligence Systems; Chao, F., Schockaert, S., Zhang, Q., Eds.; Springer: Cham, Germany, 2017; Volume 650, pp. 222–235. [Google Scholar]
  14. Dumais, S.T. Latent semantic analysis. Annu. Rev. Inf. Sci. Technol. 2004, 38, 188–230. [Google Scholar] [CrossRef]
  15. Landauer, T.K. Latent semantic analysis. In Encyclopedia of Cognitive Science; Wiley: Hoboken, NJ, USA, 2006. [Google Scholar]
  16. Blei, D.M.; Ng, A.Y.; Jordan, M.I. Latent dirichlet allocation. J. Mach. Learn. Res. 2003, 3, 993–1022. [Google Scholar]
  17. Comito, C.; Forestiero, A.; Pizzuti, C. Word Embedding based Clustering to Detect Topics in Social Media. In Proceedings of the 2019 IEEE/WIC/ACM International Conference on Web Intelligence (WI), Thessaloniki, Greece, 14–17 October 2019. [Google Scholar]
  18. Hu, J.; Li, S.; Yao, Y.; Yu, L.; Yang, G.; Hu, J. Patent keyword extraction algorithm based on distributed representation for patent classification. Entropy 2018, 20, 104. [Google Scholar] [CrossRef] [Green Version]
  19. Artese, M.T.; Gagliardi, I. What is this painting about? Experiments on Unsupervised Keyphrases Extraction algorithms. In Proceedings of the IOP Conference Series: Materials Science and Engineering, Florence, Italy, 16–18 May 2018; Volume 364, p. 012050. [Google Scholar]
  20. Artese, M.T.; Gagliardi, I. Unsupervised Automatic Keyphrases Extraction Algorithms: Multilingual Experimentations, Encyclopedia of Information Science and Technology, 5th ed.; 2020; in press. [Google Scholar]
  21. Schmid, G. Treetagger-a Language Independent Part-of-Speech Tagger; Institut für Maschinelle Sprachverarbeitung, Universität Stuttgart: Stuttgart, Germany, 1994. [Google Scholar]
  22. Gabrilovich, E.; Markovitch, S. Computing semantic relatedness using wikipedia-based explicit semantic analysis. In Proceedings of the IJcAI 2007, Hyderabad, India, 6–12 January 2007; Volume 7, pp. 1606–1611. [Google Scholar]
  23. Khan, M.; Ramzan, S.; Khan, S.; Hassan, S.; Saeed, K. Measuring Text-Based Semantics Relatedness Using WordNet. Int. J. Cogn. Lang. Sci. 2019, 13, 316–319. [Google Scholar]
  24. Mikolov, T.; Sutskever, I.; Chen, K.; Corrado, G.S.; Dean, J. Distributed representations of words and phrases and their compositionality. In Proceedings of the 27th Annual Conference on Neural Information Processing Systems 2013, Lake Tahoe, NV, USA, 5–10 December 2013; pp. 3111–3119. [Google Scholar]
  25. Mikolov, T.; Chen, K.; Corrado, G.; Dean, J.; Sutskever, L.; Zweig, G. Tool for Computing Continuous Distributed Representations of Words: word2vec. Available online: https://code.google.com/p/word2vec (accessed on 27 March 2020).
  26. Pennington, J.; Socher, R.; Manning, C. Glove: Global vectors for word representation. In Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP); Association for Computational Linguistics: Doha, Qatar, 2014; pp. 1532–1543. [Google Scholar]
  27. Aggarwal, C.C.; Zhai, C. A survey of text clustering algorithms. In Mining Text Data; Springer: Boston, MA, USA, 2012; pp. 77–128. [Google Scholar]
  28. Frey, B.J.; Dueck, D. Clustering by passing messages between data points. Science 2007, 315, 972–976. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  29. MacQueen, J. Some methods for classification and analysis of multivariate observations. In Proceedings of the Fifth Berkeley Symposium on Mathematical Statistics and Probability; Le Cam, L.M., Neyman, J., Eds.; University of California Press: Berkeley, CA, USA, 1967; Volume 1, pp. 281–297. [Google Scholar]
  30. Loper, E.; Bird, S. NLTK: The Natural Language Toolkit. arXiv 2002, arXiv:cs/0205028. [Google Scholar]
  31. Taylor, A.; Marcus, M.; Santorini, B. The Penn treebank: An overview. In Treebanks; Springer: Dordrecht, The Netherlands, 2003; pp. 5–22. [Google Scholar]
  32. Manning, C.D.; Surdeanu, M.; Bauer, J.; Finkel, J.; Bethard, S.; McClosky, M. The Stanford CoreNLP Natural Language Processing Toolkit. In Proceedings of the 52nd Annual Meeting of the Association for Computational Linguistics: System Demonstrations; Bontcheva, K., Zhu, J., Eds.; Association for Computational Linguistics: Baltimore, MD, USA, 2014; pp. 55–60. [Google Scholar]
  33. De Smedt, T.; Daelemans, W. Pattern for python. J. Mach. Learn. Res. 2012, 13, 2063–2067. [Google Scholar]
  34. Řehůřek, R.; Sojka, P. Gensim—Statistical Semantics in Python. Python; LDA; SVD. 2011. Available online: https://radimrehurek.com/gensim/ (accessed on 19 June 2020).
Figure 1. Schema of the method presented.
Figure 1. Schema of the method presented.
Mti 04 00030 g001
Figure 2. Continuous bag-of-words (CBOW) and Skipgram architecture. (https://commons.wikimedia.org/ author: Aelu013).
Figure 2. Continuous bag-of-words (CBOW) and Skipgram architecture. (https://commons.wikimedia.org/ author: Aelu013).
Mti 04 00030 g002
Figure 3. Comparison of clustering algorithms on 1-g (on the left) and n-grams (on the right).
Figure 3. Comparison of clustering algorithms on 1-g (on the left) and n-grams (on the right).
Mti 04 00030 g003
Figure 4. Comparison of similarity measures (Cosine similarity vs. Euclidean distance) on 1-g (on the left) and n-grams (on the right).
Figure 4. Comparison of similarity measures (Cosine similarity vs. Euclidean distance) on 1-g (on the left) and n-grams (on the right).
Mti 04 00030 g004
Figure 5. Comparison of results of this method (using AP clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Figure 5. Comparison of results of this method (using AP clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Mti 04 00030 g005
Figure 6. Comparison of results of this method (using k-means clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Figure 6. Comparison of results of this method (using k-means clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Mti 04 00030 g006
Figure 7. Comparison of results of this method (using hierarchical clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Figure 7. Comparison of results of this method (using hierarchical clustering and Cosine similarity) with baseline on 1-g (on the left) and n-grams (on the right).
Mti 04 00030 g007
Table 1. Comparison of different unsupervised keyphrase extraction methods.
Table 1. Comparison of different unsupervised keyphrase extraction methods.
MethodProsCons
TF-IDF
easy to compute
term-weighting improves the quality
cosine ranking formula sorts documents according to the degree of similarity to the query
based on the bag-of-words (BoW) model, therefore it does not capture the position in the text, semantics, co-occurrences in different documents, etc.
assumes independence of index terms
TextRank
based on Google PageRank
finds keywords that appear “central” (like PageRank)
can apply to any text without prior training
domain-independent
extracts a few numbers of keywords, ignoring their semantic relevance
works on a single document at a time
high computational complexity.
Rake
can apply to any text without prior training
domain-independent
works on each single document
very fast and the complexity is low.
easy to implement.
needs a comprehensive and reliable list of stop words
works on a single document at a time
cannot extract semantically meaningful keywords
LSI
documents and words are mapped to the same concept space.
concept space has vastly fewer dimensions compared to the original matrix.
the dimensions contain the most information and least noise.
LSI depends heavily on SVD which is computationally intensive and hard to update as new documents appear
requires the number of clusters in input
LDA
similar to LSI
probabilistic model
requires the number of clusters in input
extracts general keywords
WeC
This method
integrates two methods, which can have different variants
can apply to any text without prior training
only the preprocessing phase depends on the language of the documents
-can be applied on small datasets
easy to implement
extract semantic keywords
terms are not weighted
Table 2. Information on the 4 datasets used.
Table 2. Information on the 4 datasets used.
RecipeMovieRecipeMovie
LanguageItItEnEn
Document no.28,20053,497180,00053,497
Used555555555400
Av. sent. no.4.03.719.343.55
Av. 1 g cand. words no.23.9625.0242.508.63
Total 1 g cand. Words233613,88923,5883461
Av. n-gram cand. words no.15.9515.3129.914.97
Total n-gram cand. words8816851614,3781975
Table 3. Steps of the proposed method.
Table 3. Steps of the proposed method.
  • #Preprocessing
    -
    Preprocessing of n documents
    -
    For each document in n documents:
    Extract candidate keywords
  • #Semantic relatedness computation
    -
    Extract a subset of word embedding limited to candidate keywords
    -
    Compute semantic relatedness matrices
  • #Clustering
    -
    Cluster candidate keywords (using Affinity Propagation, K-means, and hierarchical cluster)
    -
    Extract k terms closest to the centroid for each cluster
  • #Keyword/keyphrases identification
    -
    Identify as keywords the candidate keywords that match the k terms closest to the centroids.
  • #For baseline
    -
    Preprocessing of n documents
    -
    Compute TF-IDF on the n documents
    -
    For each document in n documents
    Compute RAKE and TextRank
Table 4. Dimensions of pre-trained models used.
Table 4. Dimensions of pre-trained models used.
ModelItalianEnglish
W2v wiki1,721,3404,530,030
W2v google50,0313,000,000
GloVe730,613400,000
Table 5. Number of clusters per models and per similarity metrics found by the Affinity Propagation (AP) algorithm, for 1-g and n-grams.
Table 5. Number of clusters per models and per similarity metrics found by the Affinity Propagation (AP) algorithm, for 1-g and n-grams.
Models1-gRecipe/ItMovie/ItRecipe/EnMovie/En
W2v wikiVocabulary1763557521011812
AP Cosine similarity154541235221
AP Euclidean distance4217162121
W2v googleVocabulary1219463620761678
AP Cosine similarity121386265219
AP Euclidean distance1073008596
GloVeVocabulary1740552921841792
AP Cosine similarity190550229193
AP Euclidean distance190550169112
Modeln-gramsRecipe/itMovie/itRecipe/enMovie/en
W2v wikiVocabulary3448859561642594
AP Cosine similarity4611364795485
AP Euclidean distance453915791301
W2v googleVocabulary2917773461422454
AP Cosine similarity367923735473
AP Euclidean distance436891734303
GloVeVocabulary3426855162542574
AP Cosine similarity4951320666436
AP Euclidean distance343889680301
Table 6. Computational costs for the proposed method.
Table 6. Computational costs for the proposed method.
Computational Costs (In Seconds)Recipe 100 DocsMovie 500 Docs
MinMaxMeanMinMaxMean
all steps243.901935.06828.701051.5913,218.804437.71
baseline24.1941.4531.92283.08627.23428.03
preprocessing0.150.690.310.361.210.62
candidates key0.36140.3668.613.22666.17333.47
extract subset of w_e4.171.453.88479.193.963222.26777.72
matrix + clustering + keyword extraction79.89456.16248.3692.999774.322894.30
matrix + clustering + keyword extraction: using w2vwiki107.66454.95275.86171.829472.072942.04
matrix + clustering + keyword extraction: using glove99.74408.33257.99257.849026.272872.33
matrix + clustering + keyword extraction: using glove w2vgoogle78.93365.40207.9889.929763.609763.60

Share and Cite

MDPI and ACS Style

Gagliardi, I.; Artese, M.T. Semantic Unsupervised Automatic Keyphrases Extraction by Integrating Word Embedding with Clustering Methods. Multimodal Technol. Interact. 2020, 4, 30. https://doi.org/10.3390/mti4020030

AMA Style

Gagliardi I, Artese MT. Semantic Unsupervised Automatic Keyphrases Extraction by Integrating Word Embedding with Clustering Methods. Multimodal Technologies and Interaction. 2020; 4(2):30. https://doi.org/10.3390/mti4020030

Chicago/Turabian Style

Gagliardi, Isabella, and Maria Teresa Artese. 2020. "Semantic Unsupervised Automatic Keyphrases Extraction by Integrating Word Embedding with Clustering Methods" Multimodal Technologies and Interaction 4, no. 2: 30. https://doi.org/10.3390/mti4020030

Article Metrics

Back to TopTop