1. Introduction
Security applications provide consumers with enhanced convenience by offering real-time protection against cyber threats, ensuring safe online transactions, and securing personal information. These applications simplify complex security tasks, such as managing passwords, monitoring potential breaches, and authenticating user identities, thereby allowing consumers to confidently perform daily activities without extensive technical knowledge. Streamlined interfaces contribute to a seamless user experience, reducing the cognitive load associated with maintaining digital security. However, due to the inherent complexity of these tasks and the extensive range of features and menus, enhancing usability and achieving high levels of user satisfaction remain challenging. Therefore, it is crucial for designers of security applications to investigate issues that diminish user satisfaction in order to develop more effective and user-friendly solutions.
In Korea, where mobile usage is particularly high, financial transactions, including securities trading, are commonly conducted via mobile applications, similar to other services. As the mobile era rapidly progresses, enabling users to access information and carry out nearly all financial transactions without the constraints of time and space, the demand for security applications has surged. Previous studies have confirmed that user satisfaction with security applications positively influences the continued usage intention [
1,
2]. Consequently, there is an emerging need to enhance user satisfaction by providing high-quality security application services while continuously updating the systems to reflect rapidly changing user characteristics and environments. Therefore, it is essential to design user-centered mobile trading systems that fully incorporate the unique features of smartphones as a medium and align with consumer needs. Despite this need, however, research applying deep learning techniques to sentiment analysis of Korean text, particularly in the context of security applications, remains limited [
3].
In order to obtain direct and specific information related to the customer needs for user-centered design, focus group interviews, user observation, user surveys, and card sorting are commonly used by researchers [
4]. However, in order to derive meaningful results from a large sample, these methods require a lot of manpower, cost, and face-to-face interaction with subjects. In addition, user research and experiments using the above methods are often not feasible due to the shift towards social distancing—a result of the impact of COVID-19. Also, when dealing with products that are in the early stages of growth during the product life cycle, it is difficult to recruit a large number of users who have experienced the product. Smartphone applications, which have become essential tools for modern people, exhibit diverse characteristics even when used within the same domain, much like products at different stages of growth. As a result, selecting research subjects from a globally dispersed user base is challenging. This is where text mining for user analysis can be more effective. In fact, the growing amount of information online has led to the rise of text analytics as an alternative to traditional research methods. There is a lot of research going on in various fields, and there are already examples of real-world applications [
5].
Online reviews are a useful resource for mobile-application designers as they provide a valuable source of feedback and insights from users who have used the application. These reviews can aid developers in understanding the aspects of the application that users find appealing or dislike, as well as areas that need improvement. This feedback can help identify common issues that users encounter, assist in evaluating the user experience, and allow developers to assess user preferences and expectations. The benefits of utilizing online reviews for mobile-application design are numerous. First, identifying common user issues through online reviews can alert developers to any recurring issues that require immediate attention. Also understanding user preferences and expectations from online reviews can help designers create more user-friendly applications that are tailored to users’ needs. Additionally, evaluating the user experience based on online reviews can provide insight into areas of the application that need improvement or further development, and positive reviews can help improve the overall rating of the application, making it more appealing to potential users. Therefore, it can be concluded that online reviews are a valuable resource for mobile-application designers as they provide a wealth of information and feedback that can be used to enhance the user experience and improve the overall quality of the application.
When utilizing text analytics across platforms like the web, SNS, and apps, it offers the advantage of quickly identifying and responding to real-time user opinions that frequently change due to factors like application updates, based on the analysis of user review data on app platforms. Through this study, we attempt to establish an analysis methodology for the user experience, extracted based on text mining, and devise a method that can be meaningful for data analysis and is comparable to other existing analysis methods.
The underlying framework utilized in this study for user experience analysis is Aspect-Based Sentiment Analysis (ABSA), which aims to obtain opinions on detailed objects (Aspects) and features of a product within the review text written by product users. This is information that cannot be obtained from user ratings or general review-level sentiment analysis. By extracting informative words from a large number of user product reviews that contain information about specific objects and interaction between users and products, ABSA can obtain product elements (Aspects) and derive the user sentiment for each element. ABSA has been applied to analyze text data related to restaurants [
6,
7,
8], smartphone apps [
9], education [
10], trips [
11], etc.
In this study, we assumed that analyzing users’ sentiments towards each specific aspect or feature of a product, rather than relying solely on the overall product rating, would provide a more diverse and unbiased understanding of user opinions about the product. The rationale behind this assumption is the well-known online user-behavior tendency where typically only users who had a positive experience leave positive reviews and ratings. User reviews are usually skewed towards the positive side, forming a J-shaped distribution, with the long tail being dominated by positive reviews [
12]. However, even when users leave such positively biased overall reviews, they may still not be fully satisfied with all aspects or features of the product. For instance, when using a messaging app like KakaoTalk, users may leave positive overall reviews and ratings for the general app experience, but they could have had negative sentiments towards specific components like the gifting feature or money transfer functionality, which are expressed in the review text. Therefore, to identify desired improvement areas and specific complaints, it is necessary to extract user sentiments for each distinct element or feature of the product embedded within the review text. Consequently, in this research, we focused on performing aspect-level sentiment analysis. Based on this, we attempted to design a sentiment analysis system that can comprehensively identify and correlate the factors influencing user sentiments and product performance, with the aim of providing meaningful insights to complement and potentially replace existing user research methods.
2. Literature Review
2.1. Sentiment Analysis
Sentiment analysis is a tool for analyzing unstructured data, examining materials that reveal individual tendencies, such as people’s words or writings, to extract emotional vocabulary on the topic and classify emotions [
13]. Sentiment analysis is a type of text mining, also known as opinion mining, that analyzes whether the sentiment on the topic is positive, negative, or neutral, using product or service reviews, or opinions. It can also be used to create a sentiment dictionary that reveals the nature of the text. A typical sentiment analysis simply categorizes or predicts the sentiment of a given sentence or paragraph as positive or negative.
The contemporary digital landscape has witnessed a significant proliferation of “sentiments” that can be found online, including on popular social media platforms such as Twitter, Facebook, YouTube, and various blogs, as well as e-commerce platforms like Amazon, eBay, and Alibaba. These textual expressions are of great value to companies and individuals seeking to obtain prompt feedback on their products or services, assess their overall reputation, and adjust their actions accordingly. In this regard, sentiment analysis technologies enable these entities to monitor diverse social media channels in real time and make informed decisions based on the resulting insights. The direct beneficiaries of this technology encompass a wide range of stakeholders, including marketing managers, PR firms, campaign managers, politicians, equity investors, and online shoppers.
Sentiment analysis can be classified into several categories [
14,
15], including (1) document-level [
16], (2) sentence-level [
17], and (3) aspect-level [
18] sentiment analysis. In document-level sentiment analysis, the entire document is analyzed as a single unit [
19]. The main advantage of document-level sentiment analysis is that it can provide an overall opinion on the context of the document. However, this approach assumes that the review is written by a single person, which is a limitation. Both supervised and unsupervised classification algorithms are used in this method. Sentence-level sentiment analysis involves breaking down the document into individual sentences, which is called subjectivity classification. Each sentence is analyzed independently. The challenging aspect of this approach is that it requires identifying the target of each sentence, so if the target of the sentence is not known, determining the polarity (positive, negative, neutral) of the sentence is not useful [
20]. Aspect-level sentiment analysis requires the feature terms of a product, which are the main target of the analysis [
21]. This approach primarily depends on the attributes of the target entity. It has mainly been applied to analyzing reviews, feedback, comments, and complaints.
2.2. Aspect-Based Sentiment Analysis (ABSA)
Aspect-Based Sentiment Analysis (ABSA) is a natural language-processing technique and considers the terms associated with each subaspect and attribute of a target and analyzes the sentiment for each in detail. While typical sentiment analysis mostly assumes that there is only one aspect and one polarity in a given text, ABSA predicts the sentiment associated with each aspect and element mentioned in a sentence. Since each element is analyzed, it has great practical value in that it is easy to improve each element. Initial research using ABSA was based on the premise of the “frequent repetition of key vocabulary”, and the method of calculating sentiment polarity involved extracting nouns with a high frequency of occurrence as elements, but recently, the method of identifying aspect terms or aspect categories contained in the text and judging the sentiment of them has attracted attention.
ABSA has the potential to provide a useful tool for analyzing user surveys. ABSA is capable of identifying and analyzing the sentiment of specific aspects or features of a product or service, thereby offering a more detailed understanding of user feedback. For example, by analyzing the sentiment of various aspects of a product, such as its design, ease of use, reliability, and customer support, ABSA can help companies identify which aspects are most positively and negatively perceived by customers.
The benefits of using ABSA for analyzing user surveys are numerous. Firstly, ABSA provides a more granular understanding of user feedback, allowing decision-makers to identify specific strengths and weaknesses of a product or service. Secondly, ABSA can automate the process of sentiment analysis, making it faster and more efficient than manual analysis. Finally, ABSA can help decision-makers to make more informed decisions about product development, marketing, and customer support, by providing more detailed insights.
In summary, ABSA has the potential to provide a valuable tool for analyzing user surveys. By identifying sentiments about specific aspects or features of a product or service, ABSA can provide a more detailed understanding of user feedback, making it easier for decision-makers to identify areas for improvement and make informed decisions. In addition, there have been studies using ABSA in sentiment analysis. First of all, there was a study to obtain user opinions by extracting the parts and features that are the main elements of electric vehicles through user-review analysis based on ABSA using machine learning [
22]. There is also a study that derived practical measures to increase the utilization value of BERT by using ABSA [
23].
The ABSA method with SVM was applied to classify sentiments in reviews as positive, negative, or neutral, with performance evaluated using various textual features [
24]. The experiments conducted on restaurant and laptop review datasets demonstrated the effective applicability of ABSA. ABSA was used to analyze mobile-application reviews, enabling the identification of user requirements that were then applied to enhance app development [
25]. ABSA was also applied to smart government application-review data by integrating domain-specific lexicons and rule-based techniques to extract key elements and classify sentiments [
26]. It was further shown that incorporating these lexicons and rules as input features in an SVM model led to higher accuracy.
However, in the case of other studies that used ABSA, most of them conducted opinion mining to derive sentiment scores for each element, and there is a regret that no further research was conducted. This study utilized partial techniques to compensate for these ABSA shortcomings.
3. Methods
3.1. Framework
The research framework of this paper is as shown in the
Figure 1 below.
3.2. Word Embedding
In natural language processing and machine learning, embedding refers to the process of representing words or phrases in a numerical vector space, also known as a vector representation. This allows words and phrases to be processed as numerical inputs, making them more amenable to machine learning algorithms.
Embeddings are often created through the use of neural networks, specifically embedding models, which take a large corpus of text as input and generate a vector representation for each word in the corpus. These embeddings capture semantic and syntactic relationships between words, such that words that are semantically similar or appear in similar contexts are represented by vectors that are close together in the vector space.
These embeddings can be used as input to a wide variety of machine learning models for natural language-processing tasks such as text classification, sentiment analysis, and language translation. By using embeddings, natural language-processing models can more effectively process and understand human language, which is often complex, nuanced, and highly context-dependent. There are several techniques available for creating word embeddings—for example, frequency-based methods, prediction-based methods, etc.
TF-IDF is used as a representative technique of frequency-based embedding, and Word2Vec, employing CBOW or skip-gram, is used as a representative technique of prediction-based embedding.
3.2.1. Term Frequency—Inverse Document Frequency (TF-IDF)
TF-IDF in text mining can be applied to determine the weight of each word in a document [
27]. TF-IDF is a statistical measure of how important a word is in a particular document across multiple documents. TF represents the word frequency, which indicates how many times a word appears in a document, and IDF is the inverse document frequency, which indicates how common a word is across documents. In other words, the higher the frequency of a word, the more important it is, and it has the advantage of providing a more intuitive indication of important words.
3.2.2. Word2Vec
Word2Vec is a word-embedding method and is a neural network-based algorithm. Word2Vec generates word embeddings by projecting the words in a text into a vector space. The Word2Vec model proposes two model architectures: continuous bag-of-words (CBOW) and skip-gram, where CBOW predicts the central word based on the surrounding words, and skip-gram predicts the surrounding words based on the central word. Since Word2Vec uses context to vectorize words, it has the advantage that words with similar contexts can be represented by similar vectors in the vector space. Building on these advantages, Word2Vec has been widely used for embeddings in ABSA [
28,
29,
30].
3.3. Aspect Extraction
3.3.1. TextRank
TextRank is a graph-based technique for finding quality sentences in a textual document by indicating how a particular word relates to other sentences. It is derived from PageRank, which replaces the concept of pages in PageRank with the concept of words. First, a word graph or sentence graph is built, and then the key words or sentences in the document are extracted in ranking order using PageRank, a graph ranking algorithm.
where
V represents a vertex.
E is an edge, G = (
V,E) is a directed graph,
is the set of vertices pointing to a point (predecessor),
is the set of vertices pointing to a point (successor), and d is a damping factor, which is a value between 0 and 1.
3.3.2. Point-Wise Mutual Information (PMI)
Point-wise mutual information (PMI) is a measure of the association between two random variables and is used as an indicator to identify the polarity of emotional words or sentences by analyzing the similarity between words [
31]. PMI is used for examining binary co-occurrences, but it has been adapted to handle more complex, multivariate problems. For example, it can be applied to identify subject–verb–object triples in text, offering insights into intricate relationships among multiple variables [
32]. The PMI index is calculated through the assumption that if the two words to be analyzed have similar semantic polarity, the probability of occurrence within the same document is high [
33]. In this study, we first created unigrams and then used skip-grams to group related words. The PMI index was then derived from the clusters, and the PMI index was used to generate subwords and create boxes. The PMI’s sensitivity to marginal probabilities can lead to a preference for rare or less-frequent events, which can skew results. To mitigate this, adjustments are sometimes made to PMI calculations to account for these biases, allowing it to align more closely with other association measures when marginal effects are controlled.
In general, PMI is defined as follows:
where
: term1 and
: term2.
What this expression means is the co-occurrence probability of two terms, where the polarity of the target term is determined by the difference in relevance between the positive and negative terms.
In practical applications, PMI has proven useful beyond text analysis. For instance, in remote sensing, it plays a crucial role in the unsupervised segmentation of hyperspectral and LiDAR data. Here, PMI helps integrate spatial, spectral, and elevation information, enhancing the analysis and interpretation of complex datasets.
Although computing PMI in real-time streaming scenarios is challenging, due to the need for continual updates on co-occurrence statistics, advances in approximation algorithms have made it feasible. These algorithms provide accurate estimations even with extensive vocabularies, broadening PMI’s applicability across various domains and types of data.
3.4. Model Description for Aspect Sentiment Classification
3.4.1. Logistic Regression
Cox [
34] proposed a probability model to predict the probability of an event using a linear combination of independent variables. The linear combination of feature vectors and weights is put into a logistic-sigmoid function to obtain the probability that the feature vector belongs to a certain label. When the probability is the largest, it belongs to that label.
3.4.2. Support Vector Machine (SVM)
SVMs are a class of machine learning algorithms for classification that use margins to improve generalization in classification. Non-linear SVMs utilize kernel tricks to map data from a low-dimensional space to a high-dimensional space. After finding the linear decision boundary in the high-dimensional space, it is mapped back to the low-dimensional space to find the non-linear decision boundary before proceeding with classification learning based on the decision boundary. In ABSA, the use of SVMs demonstrates higher accuracy and a shorter computation time compared to traditional neural network models [
35].
3.4.3. LSTM (Long Short-Term Memory)
A recurrent neural network (RNN) is an artificial neural network for learning data that changes over time, such as time-series data. These RNNs are models developed to transfer data information from one point in time to the next, stored in each hidden layer, and can take into account non-linear relationships between data as well as temporal information. However, in reality, RNNs are limited in considering the long-term dependency of data due to the problem of gradient decay in the learning process. A new model that has emerged to overcome this problem is LSTM (Long Short-Term Memory).
3.4.4. One-Dimensional Convolutional Neural Networks (1D CNN)
Convolutional neural networks (CNNs) are artificial neural networks that are mainly used to learn the features of image data using a kernel. In a traditional convolutional neural network, the kernel moves in only one direction, called a one-dimensional convolutional neural network (1D CNN), which is often used for time-series data.
3.4.5. Singular Value Decomposition (SVD)
SVD is a powerful matrix factorization technique with diverse applications. It decomposes a rectangular matrix into three simpler matrices: two orthogonal and one diagonal. SVD is robust to numerical errors and exposes a matrix’s geometric structure, making it valuable for various matrix computations. Its applications range from analyzing political positions to measuring crystal growth rates and examining quantum entanglement. SVD is particularly useful in determining matrix rank and approximating matrices of a given rank. It can also be employed to solve both consistent and inconsistent systems of linear equations by computing orthonormal bases for the four fundamental subspaces associated with a matrix. With the increase in computational power and multidimensional data availability, higher-dimensional generalizations of SVD have become increasingly important, spurring new research in theoretical and applied mathematics [
36,
37].
4. Experiment
4.1. Dataset
In this study, we selected “securities applications” as a detailed research target to conduct sentiment analysis through store review data. The prolonged COVID-19 crisis, which began in 2019, boosted the stock market, with the KOSPI surpassing the 3300 level and causing significant changes in the domestic and international economy [
38]. As interest in and participation in the stock market continued to grow, most non-professionals making personal investments naturally used the trading functions of smartphone securities applications (MTS), which allow them to buy and sell stocks easily and anywhere, rather than trading through PCs (HTS), which are limited by time and space. However, compared to the number of users of securities applications, which has been growing steadily in this trend and will exceed 10 million by 2020, there are still many users who are dissatisfied with the inadequate UI/UX environment.
Table 1 shows an overview of the dataset, and
Table 2 and
Table 3 present examples of the review data of MTS applications in Korean and English, respectively.
In this study, we use a supervised learning method to build a sentiment analysis model. Therefore, we required experimental data with reviews and ratings. Therefore, we collected data from “Google Play Store,” where Android application users download applications and write reviews. The subjects were MTS applications of five Korean securities companies: “Korea Investment”, “Mirae Asset Securities M-Stock”, “Kiwoom Securities Hero Moon”, “KB Securities” and “Namu Securities”. The review data were collected using “Google Play Scraper”, a library that can crawl data from the Google Play Store using Python.
4.2. Pre-Processing
The data used in this study are Korean review data, which require various steps of pre-processing for Korean natural language processing. In addition, since sentiment analysis in this study is a supervised learning-based analysis method, it is necessary to label each review (positive and negative). Therefore, we performed the following data preprocessing steps:
- Step (1)
Removal of duplicate and missing data.
- Step (2)
Extraction of Korean data using regular expressions.
- Step (3)
Tokenization of data based on Korean morphemes.
- Step (4)
Removal of non-Korean words such as surveys.
- Step (5)
Labelling of data based on ratings.
After removing duplicate and missing data, the total number of review data used for sentiment analysis was 44,781. Due to the small amount of data, we used OKT, the fastest Korean morphological tokenizer, for tokenization. Finally, we labelled the ratings of the review data on a 0–5 point scale—positive for scores above 3 and negative for scores below 3—to train the sentiment analysis model. The number of positive and negative data in the pre-processed data is shown in the figure below.
4.3. Word Embedding
Since computers do not recognize natural language, it is necessary to vectorize it through the process of embedding and then proceed with modeling. In the case of word embedding, words are vectorized to enable computation, and words with similar meanings are mapped to a vectorially close space to convert words into dense representations.
Before embedding, padding was performed to ensure the review data were in the same dimension by making each review the same length.
As shown in
Figure 2, when analyzing the length of the reviews, we found that the average review was 15 words, and the maximum was 325 words. However, as can be seen from the graph, most of the review data were within 50 words, so we used a padding factor of 50. Padding was performed with zero padding and pre-padding using KERAS’s preprocessing tools.
After padding, we used TF-IDF and Word2Vec as embedding methods depending on whether the model was supervised or unsupervised. TF-IDF is a type of count-based embedding that uses the frequency of the word and the frequency of the inverse document to weigh the word. Word2Vec is a type of inference-based embedding that can preserve contextual meaning by placing words in a vector plane. Therefore, we applied both count-based embedding and inference-based embedding to embed the model before training.
4.4. Aspect Extraction
After the morphological analysis of all the review data, we utilized TextRank technology to identify which words within the reviews have significant importance. We extracted the top 50 most-important words from the TextRank results; excluded meaningless words such as de, get, and it; and categorized all the words. We divided them into three categories: elements, application-related elements, and consumer needs-related elements. We then re-ranked the importance of the element words based on how often they appeared in the review to identify the top eight most-important elements.
After categorizing the top eight factors, we added words related to the top factors using the PMI index and adopted about five words with a high PMI index for each factor as sub-factors.
4.5. Sentiment Analysis
For modeling, several supervised learning models were selected and used. As supervised learning models, we adopted logistic regression and SVM, which are most commonly used as classifiers, and LSTM and CNN, which are types of recurrent neural network. After training a total of four models with review data, one model with the highest performance was selected by utilizing the accuracy and F1-score, which can identify model performance. The adopted model was later utilized as a model for extracting the sentiment score by element. After dividing the review data into sentence units using the adopted model, sentences containing relevant elements were re-entered into the model to conduct the analysis.
4.5.1. Extracting Sentiment Scores by Brokerage Firm
After extracting the sentiment scores, we returned to the original data for each securities company and obtained the sentiment scores for each element by securities company to understand which securities company was the strongest in each element compared to the other securities companies.
4.5.2. Review Classification Using Word2Vec
Word2Vec is an embedding technique that maps words into a vector space by learning from the context of the sentence. Since the embedded words are located in a vector space, the similarity of the words can be seen through the similarity of the vectors. Using the vectors embedded by Word2Vec, we can obtain not only the similarity between words but also the similarity between words and sentences. Therefore, in this study, we estimated the similarity of each element extracted in the element-extraction step and the entire review sentence, and then we extracted the reviews with the highest similarity to analyze the cause of the sentiment analysis results in more detail. The procedure for analyzing review similarity using Word2Vec is as follows:
Generate a DTM (document-term matrix) using the one-hot-encoding method.
Generate a weight matrix using the following equation so that words that are close to the query word have a high weight and words that are not have a low weight.
Create a matrix that extracts only element words from the weight matrix, and then create a score for each element by fusing it with DTM.
4.5.3. Review Classification Using PMI and SVD
As a final post-training exercise, we utilized PMI and SVD to extract the important reviews related to the elements and check what users consider important for each element. We used the PMI index to find highly relevant words and SVD to reduce the dimensionality of the vector by keeping the most important information in a large vector space. After finding the words with a high PMI index, we restored the original vector to identify which reviews had a high PMI. We extracted the top 10 reviews and analyzed the users’ sentiments in detail.
5. Results
5.1. Aspect Extraction Results
We checked the element-extraction results for the review data and found that we can extract the elements as shown in the figure above.
Table 4 shows the results of categorizing the financial application-review data into five main components: update, screen, authentication, feature, and app, and categorizing the review keywords according to the components. The table shows the frequency of occurrence of the following keywords in the five aspects of the application reviews. We selected eight factors that had a relatively high frequency of occurrence and could influence application user sentiment. Using these, we applied sentiment analysis to the five application reviews.
5.2. Results of Sentiment Analysis
Table 5 presents the results of training candidate models for analysis using application-review data, measuring the accuracy and F1-score. After comparing four models, the LSTM model, exhibiting the highest performance, was adopted. The adopted model conducted sentence-level sentiment analysis by inputting sentences containing elements and extracted element-specific sentiment scores.
6. Discussion and Conclusions
The table below illustrates the results of element-specific sentiment analysis for each application review using Word2Vec and LSTM. “Update”, “Screen”, “Chart”, “Account”, “Transaction”, “Login”, “Access”, and “Authentication” were selected as elements in the previous element-extraction process and then applied to the review data.
Figure 3 represents the results of sentiment analysis conducted on five application-review datasets, categorized into five components. Overall, it is evident that for all components of all applications, the number of negative reviews surpassed the positive ones. Specifically, reviews regarding updates were the most prevalent, followed by those concerning the screen.
Figure 4 depicts the results of sentiment analysis represented as percentages. It shows the ratio of positive to negative sentiment in sentences containing each element in each application review. Overall, a 30:70 positive-to-negative ratio was observed, but instances of a 15:85 ratio, such as in the case of “Screen”, “Account”, and “Authentication” for KoreaInvest Securities, were also identified. However, there were no cases where the positive ratio exceeded 40% for all elements in all applications.
The
Table 6 below presents the results of review classification using PMI, SVD, and Word2Vec.
PMI, SVD and Word2Vec methodologies reveal critical issues in various aspects of the application, even though they focus on slightly different aspects. PMI and SVD emphasize technical and functional problems such as loading, access, and authentication issues post-update, as well as complex registration processes and difficulties in recognizing stored certificates during transactions. In contrast, Word2Vec highlights user interface and usability concerns, focusing on post-update errors, UI design, and so on. Additionally, Word2Vec emphasizes errors during various authentication methods and the need for additional features during transactions. While PMI and SVD addressed broader technical and performance issues, Word2Vec provided a complementary perspective by focusing on specific UI and user experience shortcomings, together offering a comprehensive analysis of user reviews.
ABSA breaks down user feedback into specific aspects (e.g., update, screen, chart, sign-in, access, authentication, account, and transaction). This helps in identifying which features or elements users are mentioning, and their sentiments towards each. Instead of predictable and general feedback, ABSA helps us to identify specific pain points and positive highlights. For example, users may like an application but have issues with the update process or the authentication mechanism. By analyzing sentiments associated with different aspects, companies can prioritize which areas need immediate attention. Aspects with a high volume of negative sentiment can be flagged for urgent improvements. ABSA allows companies to allocate resources more efficiently by focusing on the aspects that significantly impact user satisfaction. This focused approach ensures that development efforts are aligned with user needs.
Detailed insights from ABSA enable businesses to enhance specific features that users find problematic. For instance, if users are not satisfied with the screen layout, developers will focus on improving the UI design first. Understanding sentiments towards different aspects helps in designing products that cater to user preferences and expectations, and this approach leads to a more user-centric product. Utilizing Aspect-Based Sentiment Analysis for user-needs analysis and VOC analysis provides a detailed understanding of user feedback. It helps in identifying specific weakness and strengths, prioritizing development efforts, enhancing customer experience, making informed strategic decisions, and ensuring continuous improvement. By focusing on the review sentiments in users’ language, companies can better meet user expectations and improve overall satisfaction.
While general sentiment analysis, topic modeling, and keyword extraction each have their strengths, ABSA stands out for its ability to provide detailed, aspect-specific sentiment insights. This makes ABSA particularly powerful for user-needs analysis and VOC analysis, where understanding the nuanced sentiments of users towards specific features is crucial. ABSA offers a level of granularity and actionable insight that other text-mining methods often lack, making it an essential tool for targeted product development and customer satisfaction improvement.
7. Conclusions
Research on sentiment analysis using deep learning for Korean text is scarce. The challenges may stem from the complexity of the Korean language, the language-agnostic nature of deep learning models, or the lack of appropriate datasets [
39]. Given the importance of sentiment analysis and the progress in other languages, expanding research in this area in Korean is essential.
This study used review data to analyze the factors that influence user experience in brokerage applications, identifying elements such as “update”, “screen”, “chart”, “login”, “access”, “authentication”, “account”, and “transaction” as critical to users. Item-level sentiment analysis revealed users’ positive and negative sentiments, providing a nuanced understanding. Using PMI, SVD, and Word2Vec techniques, the study extracted significant reviews related to these elements and performed in-depth sentiment analysis. The integration of various text-mining and sentiment analysis techniques proved effective, with neural networks such as the LSTM model demonstrating high performance in sentiment classification. In addition, Aspect-Based Sentiment Analysis (ABSA) provided deeper insights compared to traditional methods by extracting sentiments about specific aspects of the text.
Compared to traditional user research techniques such as surveys and focus groups, ABSA offers a scalable and cost-effective approach that is particularly effective in the post-COVID-19 era. A key finding was the identification of positive bias in online reviews, where generally positive sentiments masked specific areas of dissatisfaction, such as updates, screen design, and authentication processes. These detailed insights are critical for developers to target for improvement. However, the study faced limitations such as data quality issues, difficulties in delineating application elements, and challenges in processing Korean-language text [
40,
41].
Future research should focus on refining data preprocessing, fine-tuning element analysis, and applying various tokenization techniques to Korean data to improve the robustness of sentiment analysis. The practical significance of this study is substantial, as ABSA enables companies to make informed strategic decisions in product development, marketing, and customer support, thereby providing a competitive advantage by meeting user expectations and improving overall satisfaction. Ethical considerations, such as ensuring user privacy and maintaining transparency in the use of feedback, are critical to maintaining user trust and must be addressed in sentiment analysis practices to comply with privacy regulations.
Author Contributions
Conceptualization, M.K., S.K., Y.P. and S.B.; methodology, M.K., S.K., Y.P. and S.H.A.; validation, S.H.A.; formal analysis, B.N.; investigation, M.K., S.K., Y.P. and S.H.A.; writing—original draft preparation, M.K., S.K., Y.P. and S.H.A.; writing—review and editing, S.H.A. and B.N.; visualization, M.K., S.K., Y.P. and B.N.; supervision, S.B.; project administration, S.B. All authors have read and agreed to the published version of the manuscript.
Funding
This research received no external funding.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
The raw data supporting the conclusions of this article will be made available by the authors on request.
Conflicts of Interest
The authors declare no conflicts of interest.
References
- Chang, H.S.; Noh, H.; Kim, D. MTS Service Environmental Quality’s Effects on the Customer Satisfaction and Continuous Use Intention in the Agile Business Environment. J. Korean Soc. Ind. Syst. Eng. 2019, 42, 131–141. [Google Scholar] [CrossRef]
- Jo, J.; Lee, S. Suggestion of User-Centered Design Guidelines of Mobile Trading System: Focusing on Toss Investment. In Proceedings of the HCI Korea, Seoul, Republic of Korea, 9–11 February 2022. [Google Scholar]
- Bae, J.K. A Study on the Construction of Financial-Specific Language Model Applicable to the Financial Institutions. J. Korea Ind. Inf. Syst. Res. 2024, 29, 79–87. [Google Scholar]
- Lanius, C.; Weber, R.; Robinson, J. User Experience Methods in Research and Practice. J. Tech. Writ. Commun. 2021, 51, 350–379. [Google Scholar] [CrossRef]
- Kim, N.; Lee, D.; Choi, H.; Wong, W.X.S. Investigations on Techniques and Applications of Text Analytics. J. Korean Inst. Commun. Inf. Sci. 2017, 42, 471–492. [Google Scholar] [CrossRef]
- Ganu, G.; Elhadad, N.; Marian, A. Beyond the Stars: Improving Rating Predictions Using Review Text Content. In Proceedings of the Twelfth International Workshop on the Web and Databases (WebDB 2009), Providence, RI, USA, 28 June 2009; Volume 9, pp. 1–6. [Google Scholar]
- Pontiki, M.; Galanis, D.; Pavlopoulos, J.; Papageorgiou, H.; Androutsopoulos, I.; Manandhar, S. SemEval-2014 Task 4: Aspect Based Sentiment Analysis. In Proceedings of the 8th International Workshop on Semantic Evaluation, Dublin, Ireland, 23–24 August 2014. [Google Scholar]
- Jiang, Q.; Chen, L.; Xu, R.; Ao, X.; Yang, M. A Challenge Dataset and Effective Models for Aspect-Based Sentiment Analysis. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing, Hong Kong, China, 3–7 November 2019. [Google Scholar]
- Alturaief, N.; Aljamaan, H.; Baslyman, M. AWARE: Aspect-Based Sentiment Analysis Dataset of Apps Reviews for Requirements Elicitation. In Proceedings of the 2021 36th IEEE/ACM International Conference on Automated Software Engineering Workshops, Melbourne, Australia, 15–19 November 2021. [Google Scholar]
- Nikolić, N.; Grljević, O.; Kovačević, A. Aspect-Based Sentiment Analysis of Reviews in the Domain of Higher Education. Electron. Libr. 2020, 38, 44–64. [Google Scholar] [CrossRef]
- Mehra, P. Unexpected Surprise: Emotion Analysis and Aspect Based Sentiment Analysis (ABSA) of User Generated Comments to Study Behavioral Intentions of Tourists. Tour. Manag. Perspect. 2023, 45, 101063. [Google Scholar] [CrossRef]
- Hu, N.; Zhang, J.; Pavlou, P.A. Overcoming the J-Shaped Distribution of Product Reviews. Commun. ACM 2009, 52, 144–147. [Google Scholar] [CrossRef]
- Kim, J.; Jeong, S.; Lee, S. A Study on the Stock Market Prediction Based on Sentiment Analysis of Social Media. Entrue J. Inf. Technol. 2014, 13, 59–70. [Google Scholar]
- Balaji, P.; Nagaraju, O.; Haritha, D. Levels of Sentiment Analysis and Its Challenges: A Literature Review. In Proceedings of the 2017 International Conference on Big Data Analytics and Computational Intelligence, Chirala, Andhra Pradesh, India, 23–25 March 2017. [Google Scholar]
- Vanaja, S.; Belwal, M. Aspect-Level Sentiment Analysis on E-Commerce Data. In Proceedings of the 2018 International Conference on Inventive Research in Computing Applications, Coimbatore, India, 11–12 July 2018. [Google Scholar]
- Singh, V.K.; Piryani, R.; Uddin, A.; Waila, P. Sentiment Analysis of Movie Reviews: A New Feature-Based Heuristic for Aspect-Level Sentiment Classification. In Proceedings of the 2013 International Mutli-Conference on Automation, Computing, Communication, Control and Compressed Sensing, Kottayam, India, 22–23 March 2013. [Google Scholar]
- Appel, O.; Chiclana, F.; Carter, J.; Fujita, H. A Hybrid Approach to the Sentiment Analysis Problem at the Sentence Level. Knowl.-Based Syst. 2016, 108, 110–124. [Google Scholar] [CrossRef]
- Schouten, K.; Frasincar, F. Survey on Aspect-Level Sentiment Analysis. IEEE Trans. Knowl. Data Eng. 2015, 28, 813–830. [Google Scholar] [CrossRef]
- Pang, B.; Lee, L. Opinion Mining and Sentiment Analysis. Found. Trends Inf. Retr. 2008, 2, 1–135. [Google Scholar] [CrossRef]
- Sarawgi, K.; Pathak, V. Opinion Mining: Aspect Level Sentiment Analysis Using SentiWordNet and Amazon Web Services. Int. J. Comput. Appl. 2017, 158, 31–36. [Google Scholar] [CrossRef]
- Banjar, A.; Ahmed, Z.; Daud, A.; Abbasi, R.A.; Dawood, H. Aspect-Based Sentiment Analysis for Polarity Estimation of Customer Reviews on Twitter. Comput. Mater. Contin. 2021, 67, 2203–2225. [Google Scholar] [CrossRef]
- Jeong, S.J. Aspect-Level Analysis and Predictive Modeling for Electric Vehicle Based on Aspect-Based Sentiment Analysis Using Machine Learning. Master’s Thesis, Seoul National University, Seoul, Republic of Korea, August 2020. [Google Scholar]
- Park, H.; Shin, K.-S. Aspect-Based Sentiment Analysis Using BERT: Developing Aspect Category Sentiment Classification Models. J. Intell. Inf. Syst. 2020, 26, 1–25. [Google Scholar]
- Pannala, N.U.; Nawarathna, C.P.; Jayakody, J.T.K.; Rupasinghe, L.; Krishnadeva, K. Supervised learning based approach to aspect based sentiment analysis. In Proceedings of the 16th IEEE International Conference on Computer and Information Technology, Nadi, Fiji, 7–10 December 2016. [Google Scholar]
- Gunathilaka, S.; De Silva, N. Aspect-based sentiment analysis on mobile application reviews. In Proceedings of the 22nd International Conference on Advances in ICT for Emerging Regions, Colombo, Sri Lanka, 7–10 November 2022. [Google Scholar]
- Alqaryouti, O.; Siyam, N.; Abdel Monem, A.; Shaalan, K. Aspect-based sentiment analysis using smart government review data. Appl. Comput. Inform. 2024, 20, 142–161. [Google Scholar] [CrossRef]
- Qaiser, S.; Ali, R. Text Mining: Use of TF-IDF to Examine the Relevance of Words to Documents. Int. J. Comput. Appl. 2018, 181, 25–29. [Google Scholar] [CrossRef]
- Pham, D.; Nguyen, T.; Le, A. Fine-Tuning Word Embeddings for Aspect-Based Sentiment Analysis. In Proceedings of the 20th International Conference on Text, Speech and Dialogue, Prague, Czech Republic, 27–31 August 2017. [Google Scholar]
- Pham, D.; Le, A.; Le, T. Learning Word Embeddings for Aspect-Based Sentiment Analysis. In Proceedings of the 15th International Conference of the Pacific Association for Computaitonal Linguistics, Yangon, Myanmar, 16–18 August 2017. [Google Scholar]
- Rybakov, V.; Malafeev, A. Aspect-Based Sentiment Analysis of Russian Hotel Reviews. In Proceedings of the Seventh International Conference on Analysis of Images, Social Networks and Texts (AIST 2018), Moscow, Russia, 5–7 July 2018. [Google Scholar]
- Berahmand, K.; Li, Y.; Xu, Y. A deep semi-supervised community detection based on point-wise mutual information. IEEE Trans. Comput. Soc. Syst. 2023, 11, 1–13. [Google Scholar] [CrossRef]
- Azadi, F.; Faili, H.; Dousti, M.J. PMI-Align: Word alignment with point-wise mutual information without requiring parallel training data. In Proceedings of the Findings of the Association for Computational Linguistics: ACL 2023, Toronto, ON, Canada, 9–14 July 2023. [Google Scholar]
- Lee, S.; Cui, J.; Kim, J. Sentiment analysis on movie review through building modified sentiment dictionary by movie genre. J. Intell. Inf. Syst. 2016, 22, 97–113. [Google Scholar]
- Cox, D.R. The Regression Analysis of Binary Sequences. J. R. Stat. Soc. Ser. B Methodol. 1958, 20, 215–232. [Google Scholar] [CrossRef]
- Sivabharathi, G.; Chitra, K. Aspect-based sentiment analysis on current state of the market by classifying customer product reviews using support vector machine with several kernel learning. Int. J. Health Sci. 2022, 6, 3168–3180. [Google Scholar] [CrossRef]
- Abdi, H. Singular value decomposition (SVD) and generalized singular value decomposition. Encycl. Meas. Stat. 2007, 907, 44. [Google Scholar]
- Agibetov, A. Neural graph embeddings as explicit low-rank matrix factorization for link prediction. Pattern Recognit. 2023, 133, 108977. [Google Scholar] [CrossRef]
- Kwon, Y.; Kim, Y.M. A Study on the Impact of the COVID-19 on the Global Stock Markets. J. Int. Trade Commer. 2021, 17, 343–358. [Google Scholar] [CrossRef]
- Park, H.; Song, M.; Shin, K. Sentiment Analysis of Korean Reviews Using CNN: Focusing on Morpheme Embedding. J. Intell. Inform. Syst. 2018, 24, 59–83. [Google Scholar]
- Vu, D.T.; Yu, G.; Lee, C.; Kim, J. Text data augmentation for the korean language. Appl. Sci. 2022, 12, 3425. [Google Scholar] [CrossRef]
- Kim, H.; Lee, J.; Kwak, H.Y. Two-Stream Network for Korean Natural Language Understanding. Int. J. Adv. Sci. Eng. Inf. Technol. 2024, 14, 224–230. [Google Scholar] [CrossRef]
| Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2024 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).