Next Article in Journal
Industry 4.0 Technologies for MTM-1 Analysis Improvement for the Automotive Industry
Previous Article in Journal
Resilience of UNet-Based Models Under Adversarial Conditions in Medical Image Segmentation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Proceeding Paper

A Deep Convolutional Neural Network-Based Model for Aspect and Polarity Classification in Hausa Movie Reviews †

1
Computer Science Department, Federal University Dutse, Dutse 720211, Nigeria
2
Department of Computer Science, Federal University of Technology Babura, Jigawa 702104, Nigeria
3
Software Engineering Department, Bayero University, Kano 700221, Nigeria
4
Software Engineering Lab, University of Aizu, Fukushima 965-8580, Japan
*
Author to whom correspondence should be addressed.
Presented at the 7th International Global Conference Series on ICT Integration in Technical Education & Smart Society, Aizuwakamatsu City, Japan, 20–26 January 2025.
Eng. Proc. 2025, 107(1), 21; https://doi.org/10.3390/engproc2025107021
Published: 26 August 2025

Abstract

Aspect-based sentiment analysis (ABSA) plays a pivotal role in understanding the nuances of sentiment expressed in text, particularly in the context of diverse languages and cultures. This paper presents a novel deep convolutional neural network (CNN)-based model tailored for aspect and polarity classification in Hausa movie reviews, as Hausa is an underrepresented language with limited resources and presence in sentiment analysis research. One of the primary implications of this work is the creation of a comprehensive Hausa ABSA dataset, which addresses a significant gap in the availability of resources for sentiment analysis in underrepresented languages. This dataset fosters a more inclusive sentiment analysis landscape and advances research in languages with limited resources. The collected dataset was first preprocessed using Sci-Kit Learn to perform TF-IDF transformation for extracting feature word vector weights. Aspect-level feature ontology words within the analyzed text were derived, and the sentiment of the reviewed texts was manually annotated. The proposed model combines convolutional neural networks (CNNs) with an attention mechanism to aid aspect word prediction. The model utilizes sentences from the corpus and feature words as vector inputs to enhance prediction accuracy. The proposed model leverages the advantages of the convolutional and attention layers to extract contextual information and sentiment polarities from Hausa movie reviews. The performance demonstrates the applicability of such models to underrepresented languages. With 91% accuracy on aspect term extraction and 92% on sentiment polarity classification, the model excels in aspect identification and sentiment analysis, offering insights into specific aspects of interest and their associated sentiments. The proposed model outperformed traditional machine models in both aspect word and polarity prediction. Through the creation of the Hausa ABSA dataset and the development of an effective model, this study makes significant advances in ABSA research. It has wide-ranging implications for the sentiment analysis field in the context of underrepresented languages.

1. Introduction

In today’s digital age, users of movie streaming platforms like Amazon Movies, Netflix, and YouTube have numerous ways to express their opinions through comments and rating systems [1]. These opinions reflect a range of sentiments from positive to negative. Businesses leverage data mining techniques to understand these sentiments, allowing them to improve customer experiences and tailor their offerings to user preferences [2]. However, the challenges arise from factors like misspelled words, abbreviations, emoticons, and slang. As a result, choosing the most effective opinion-mining method is crucial for accurately capturing user sentiment [3].
Sentiment analysis (SA) is a computational method used to identify and categorize opinions expressed in text, aiming to determine whether the writer’s perspective on a particular subject or product is positive, negative, or neutral. Within the broader field of behavioral science, SA is an essential tool for interpreting and classifying emotions across various domains [4]. This area of analysis focuses on understanding people’s sentiments, beliefs, views, and feelings related to products and services, topics, events, and their associated attributes [5].
This study investigates aspect-based sentiment analysis (ABSA) in the context of the Hausa language, which is an area with limited linguistic resources within the field of natural language processing (NLP). The primary objective is to explore the potential of convolutional neural networks (CNNs) as powerful tools for uncovering the nuances of sentiment [6]. Recent research highlights the significance of this endeavor. Despite the challenges posed by scarce linguistic resources, we are motivated to improve the accuracy of sentiment analysis and to shed light on the complex interplay of sentiments across various dimensions. By doing so, we hope to unravel the dynamics of sentiment in this resource-constrained language and deepen our understanding of Hausa’s unique linguistic and cultural context.
While existing studies have examined SA in Hausa, a low-resource language, with a primary focus on SA within an entire document [7,8,9,10,11,12], this research introduces a novel dimension by tapping into ABSA using a generated Hausa YouTube comments dataset. Our approach aims to provide SA at the word level, forging new pathways in this field of inquiry.
There has been swift progress in deep learning and the effectiveness of CNNs in text analysis. CNNs can capture local features, word sequences, and hierarchical structures [13]. Our innovative approach seeks to improve traditional SA by operating at the word level, thus opening novel directions in this research domain.
The rest of the sections are organized as follows: Section 2 examines relevant studies, Section 3 describes the research methodology employed, Section 4 presents the significant results along with a discussion of the findings, and Section 5 concludes the study, offering direction for future research.

Background

ABSA involves the task of discerning the sentiment associated with a particular term within a text. It can be regarded as an advanced form of sentiment analysis, where the key aim is to recognize specific aspect terms within the provided reviews and anticipate the sentiments linked with those distinct aspects. The initial step in conducting ABSA is known as aspect term extraction (ATE), wherein the phrases that represent the core subjects of opinions within a review are identified [14]. To illustrate, consider the review: “I appreciate the scene and the producer’s choice of soundtrack.” In this case, the terms “scene” and “producer” will be extracted as aspect terms, and their sentiment will be determined by the presence of the opinion word “appreciate”. This process constitutes the second subtask of ABSA, which is known as aspect term sentiment classification (ATSC).
The ATE task was considered by some researchers to be a sequential modeling problem where a sentence is modeled as a set of tokens. Various algorithms, ranging from Support Vector Machines (SVMs) [15,16] for ATE to Attention-based LSTM for ATSC [17], have been proposed to facilitate ABSA’s accurate execution.
A considerable range of methods for sentiment analysis across different domains already exists [18,19,20]. The majority of these existing studies mainly concentrate on identifying sentiments at the textual level [21] or in a single sentence [22]. However, these approaches often fall short of providing the specific and detailed insights users seek from reviews, particularly regarding individual aspects, features, or attributes of a product or service. For example, consider a user review “I enjoyed the movie, but the character was annoying”. This demonstrates how viewers can have varied perspectives, where their focus might be on the quality of the movie while at the same time being annoyed by the actor. Hence, it becomes pivotal to gauge sentiments about distinct aspects, which is a task referred to as aspect-based analysis.
ABSA holds the promise of transforming sentiment analysis from a broad perspective to a granular level, offering a more specific understanding of opinions. By analyzing sentiments at the aspect or feature level, ABSA empowers businesses to gain actionable insights from customer feedback [23]. This fine-grained approach not only aids in pinpointing areas of improvement but also enhances market research, competitive analysis, and domain-specific sentiment understanding. ABSA’s potential extends beyond industries; it facilitates personalized recommendations, guides product development, and enables timely responses to evolving sentiment trends. The insights drawn from ABSA support evidence-based decision making in policy and regulations, ensuring that public sentiments are understood and considered, making it an important tool for understanding and harnessing sentiments in diverse contexts.
One of the major challenges of ABSA in low-resource languages is the absence of rich and diverse datasets. Additional challenges include developing a high-quality labeled dataset for training the ABSA model and the scarcity of domain-specific annotated data. Extending ABSA-trained models to different languages, as in the case of multilingual models, also presents difficulties in handling linguistic variations, idiomatic expressions, and sentiment lexicons across diverse languages. Therefore, collecting datasets for each language and training the ABSA model on language-specific datasets is vital to achieving accurate results [24].
ABSA is a specific approach within sentiment analysis that focuses on identifying the sentiment expressed in a sentence or phrase at the aspect level. This is particularly important for low-resource languages like Hausa, as it provide insights into people’s opinions about specific aspects of a product or service, even when the available data is limited.

2. Literature Review

This literature review aims to provide an overview of the current state-of-the-art methods and recent developments in aspect-based sentiment analysis (ABSA) techniques. ABSA evolved naturally as an extension of sentiment analysis to address the need for a more fine-grained analysis of sentiments concerning specific aspects or features. Although many researchers contributed to the development of ABSA, each tried to address a drawback of traditional SA.
Sebastiani et al. [25] conducted a thorough survey of ABSA highlighting challenges and methodologies in aspect-based sentiment analysis. The authors further proposed a technique for identifying aspects and associating sentiments. Tang et al. [26] proposed a technique called the rating regression approach, where aspects are identified and rated by a given score. The mathematical model clearly outlines how ABSA can be further developed. Ever since, more efforts have been made to build an aspect-based analysis system.
Xu et al. [27] introduced SentiWordNet, which is a lexical resource that assigns sentiment scores to words based on their synsets. SentiWordNet has been widely used as a feature in traditional machine learning models for aspect-based sentiment analysis to determine sentiment polarity based on the words associated with aspects. Additionally, Xue et al. [28] demonstrates the use of SentiWordNet in sentiment analysis with Twitter data with a focus on determining sentiment orientation at the document level. This concept was extended by Tang et al. [29] to aspect-level analysis by associating SentiWordNet scores with aspects and utilizing traditional machine learning models to classify the sentiment of individual aspects.
Recently, the popularity of deep learning has led to the integration of neural networks in many fields such as business and healthcare [30]. Also in ABSA, deep learning has brought about substantial advancements. The authors of [31,32,33,34,35], all proposed deep-learning-based ABSA techniques using high-resource language datasets, leading to more accurate and nuanced sentiment analysis [36]. For example, Musa et al. [37] introduced deep learning-based ABSA by proposing an attention-based LSTM model for aspect-level sentiment classification. The authors proposed a hierarchical model that first captures the context of the whole sentence and then focuses on individual aspects using attention mechanisms. The model effectively addresses the challenge of aspect-level sentiment classification by incorporating both local and global context information.
Furthermore, Rosso et al. [38] delved into an end-to-end approach of combining aspect extraction and aspect sentiment classification, which they considered more advantageous than considering the tasks as separate entities. In the past, when working on ABSA, people did not use sentence structure clues well. This made it hard for the aspect extraction to find multi-word aspects, and the aspect sentiment classifier could not understand how words fit together in a sentence. The proposed solutions demonstrate superior performance compared to existing models on the SemEval-2014 dataset, excelling in aspect extraction and aspect sentiment classification subtasks. Movie reviews on discussion boards to explore aspect-based sentiment analysis were proposed [39]. This approach performed sentiment analysis at the clause level to ensure that different aspects were analyzed separately.
Consequently, Essenbar et al. [40] acknowledged the existence of many ABSA works in English using pre-trained models (PTMs) and also highlighted the availability of open datasets. The author stressed that ABSA works in French are few compared to many SA works. This prompted the author to utilize the French Language and three fine-tuning methods such as French PTM multilingual BERT (mBERT), CamemBERT, and FlauBERT on the SemEval2016 datasets. The work surpassed the state-of-the-art French ABSA with flexibility for out-of-domain datasets. other works in low-resource languages, includes a transfer learning-based approach for Arabic ABSA [41,42].
To the best of our knowledge, there have not been many works on aspect-based sentiment analysis in low-resource languages. Therefore, in this work, we tried to make the first attempt at organizing the first Hausa language dataset for ABSA and propose a deep learning model for Hausa aspect-based sentiment analysis.

3. Methodology

3.1. Dataset Description

The dataset is generated from various YouTube channels where comments were made by individuals about Hausa movies. Within this dataset, comments were categorized as either purely Hausa or Engausa (a mixture of Hausa and English). The dataset comprises 590 comments, with four features consisting of comments, aspect words (1—person [actor, actress, director], 2—episode, 3—movie, 4—general), sentiment polarity (negative or positive), and language (Hausa, Engausa).

3.2. Dataset Collection and Preprocessing

Dataset collection was carried out using web scraping with Python 3.7, which facilitated the gathering of numerous Hausa comments from YouTube channels. Subsequently, the dataset underwent preprocessing, involving the removal of instances that did not capture any of the aspect categories and the removal of stopwords—words that typically contribute less meaning to a text, such as ’a,’ ’ni,’ ’to,’ ’su,’an’. Additionally, irrelevant terms, such as emojis, usernames, special characters (@, #), punctuation marks, and numbers, were also removed. Furthermore, the texts were converted to lowercase. Finally, comments and aspect words were vectorized using Term Frequency Inverse Document Frequency (TF-IDF), which is one of the most straightforward and effective ways to comprehend the context of a document and locate relevant information and key terms and phrases.

3.3. Aspect Term Extraction Processing

From the dataset, the aspect terms were manually annotated by native speakers, looking at both the context and semantic meaning of the review. Some predefined rules were followed for aspect term annotation. For example, all proper nouns represent either a person or a movie aspect category. We then applied a supervised learning method for aspect term extraction: specifically, a deep convolutional neural network was used with an attention layer. To enable implicit aspect extraction and understanding, We split the datasets for each task into a training set with 70% of the comments and a test set with the remaining comments. A hyperparameter tuning strategy was utilized to find the best parameter sets.

3.4. Model Building

This section presents the proposed model used in this paper. The model is a deep convolutional neural network with recurrent and attention layers. The recurrent layers allow the model to scan from left to right to identify the semantics of the sentence, while the attention layer allows the model to focus on specific important words in the sentence before the aspect term is extracted. Figure 1 provides a clear description of the entire model framework.
The proposed CNN model architecture can be described as a 9-layer DCNN. The layers are arranged as follows: The first layer is an embedding layer that converts the input data into a dense vector representation. This layer is used to learn the embeddings of the input words, which are then used as input for the rest of the layers. Then, there are two Conv1D layers, which are the convolutional layers of the model. These layers are used to learn feature maps from the input data. The first convolutional layer has 32 filters of size 2, and the second layer has 64 filters of size 2. The next layer is the LSTM layer, which is a recurrent layer that allows the model to pass information from left to right in the sequence. An attention layer is added, which takes embedding from the LSTM layer as input. A GlobalMaxPooling1D layer is added to reduce the spatial dimension of the feature maps learned by the attention layer. The layer is followed by a dense layer with 256 neurons, which is used to learn higher-level features from the feature maps produced by the previous layers. The next layer is a dropout layer, which is used to reduce overfitting by randomly dropping out some of the neurons during training. Finally, a dense layer with 4 units and softmax activation is added as the output layer. The proposed model architecture is presented in Figure 2 to highlight the layers and available parameters.

3.5. Performance Metrics

To assess the performance or effectiveness of a model, system, or process, we employ performance metrics, which are quantitative measures.
  • Accuracy is the number of successfully categorized instances (aspect-based sentiment) divided by the total number of cases (aspect-based sentiment instances). It can be calculated using the following formula:
    Accuracy = True Positives + True Negatives Total Instances
  • Precision is calculated as the proportion of true positive instances (positive sentiment polarity) correctly classified as positive. The formula for precision is as follows:
    Precision = True Positives True Positives + False Positives
  • Recall, also known as sensitivity, is the proportion of positive instances correctly classified as positive. The formula for recall is given by
    Recall = True Positives True Positives + False Negatives
  • F1 Score: The F1 score is a metric that combines both precision and recall, striking a balance between them. It can be computed using the following formula:
    F 1 Score = 2 · Precision · Recall Precision + Recall

4. Result and Discussion

4.1. Preliminary Analysis

A descriptive analysis conducted on the dataset revealed that the person aspect term appeared the most, while in terms of sentiment polarity, neutral and positive are the majority classes with a few negative instances. The results of the analysis are presented in Figure 3a, and Figure 3b respectively.
The plots indicate that the aspect-based sentiment from the comments we generated shows that viewers are more interested in the person aspect words, which can be either “director”, “actor”, or “actress”.

4.2. Performance of the Proposed Model

The performance of the proposed deep learning-based aspect-level sentiment analysis is presented in Figure 4 and Figure 5. The model was trained on two separate tasks: identifying aspect words and polarity classification of the aspect words. The model was also evaluated on both aspect word extraction and aspect word polarity classification.
In Figure 3, the performance of the proposed deep learning model is evaluated with accuracy and loss curves. The results indicate superior performance over the baseline machine learning model in identifying aspect words from a given review. The model performance on aspect word polarity classification is presented in Figure 4.
The proposed model achieved remarkable accuracy in aspect word polarity classification of 92%. Compared to baseline models, the proposed model achieved the best results in terms of accuracy in both tasks. This was expected, because a deep neural network with an attention mechanism is the most appropriate for tasks that involve sequential data, which is the case for the extraction of implicit aspect words. Traditional machine learning performs poorly in aspect word detection and polarity classification because the models work better on numerical tabular data. The baseline model results for aspect word detection and polarity classification are presented in Table 1 and Table 2, respectively.
From Table 1 and Table 2, the machine learning methods of logistic regression achieved results superior to the rest of the baseline models in both aspect term detection and classification, while Naive Bayes (NB), Random Forest, and SVM had similar results. The proposed model’s accuracy is compared with the baseline models in Table 3. The results show that the proposed models outperformed the baseline models in terms of accuracy.

5. Conclusions and Future Work

In this research work, we presented a deep learning-based aspect-level sentiment classification of movie reviews in the Hausa language. The main contributions of this work center on providing a Hausa movie review dataset for aspect-level sentiment analysis. We also proposed a CNN model that learns aspect embeddings in Hausa textual data, as Hausa is a language categorized as underrepresented in natural language processing regarding resources. This provides a starting point for aspect-based sentiment analysis in the Hausa language. The proposed model achieves remarkable performance on both aspect term extraction and polarity classification, despite the small size of the dataset. The attention layer allows the model to concentrate on a different part of the sentence to discover aspect terms, allowing it to accurately perform aspect polarity classification. The proposed model outperforms all the compared baseline models which used traditional machine learning models with significant differences.
The major challenge of this work is the inability of the model to analyze more than one aspect word in a sentence at a time. Therefore, an intriguing and potential avenue for future work would be to investigate the potential of transformer architecture in aspect-based sentiment analysis to handle the aforementioned challenge of extracting and analyzing all aspect terms in a sentence simultaneously.

Author Contributions

Conceptualization, A.M. and M.H. (Mohamed Hassan); methodology, U.I., M.H. (Mohamed Hamada), M.S.U. and A.M.; formal analysis, A.Y.Z.; investigation, F.M.A. and M.H.; resources, A.M. and M.S.U.; data curation, U.I.; writing—original draft preparation, A.M. and M.S.U.; writing—review and editing, A.Y.Z., F.M.A. and U.I.; visualization, F.M.A.; supervision, M.H. (Mohamed Hamada); project administration, A.M.; funding acquisition, M.H. (Mohamed Hamada). 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 dataset used in this work was collected and organized for the purpose of this research and was released publically on kaggle (https://www.kaggle.com/datasets/aminumusa/hausa-movie-reviews-dataset-for-absa) (accessed on 10 February 2025).

Acknowledgments

This work is partially funded by an unrestricted gift from Google under the Google exploreCSR 2023 award.

Conflicts of Interest

The authors declare no conflicts of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.

References

  1. Hamada, M. Visual tools and examples to support active e-learning and motivation with performance evaluation. In International Conference on Technologies for E-Learning and Digital Entertainment; Springer: Berlin/Heidelberg, Germany, 2006; pp. 147–155. [Google Scholar]
  2. Hamada, M.; Odu, N.B.; Hassan, M. A fuzzy-based approach for modelling preferences of users in multi-criteria recommender systems. In Proceedings of the 2018 IEEE 12th International Symposium on Embedded Multicore/Many-core Systems-on-Chip (MCSoC), Hanoi, Vietnam, 12–14 September 2018; pp. 87–94. [Google Scholar]
  3. Onalaja, S.; Romero, E.; Yun, B. Aspect-based sentiment analysis of movie reviews. SMU Data Sci. Rev. 2021, 5, 10. [Google Scholar]
  4. Sani, M.; Ahmad, A.; Abdulazeez, H.S. Sentiment analysis of Hausa language tweet using machine learning approach. J. Res. Appl. Math. 2022, 8, 6–16. [Google Scholar]
  5. Ullah, K.; Rashad, A.; Khan, M.; Ghadi, Y.; Aljuaid, H.; Nawaz, Z. A deep neural network-based approach for sentiment analysis of movie reviews. Complexity 2022, 2022, 5217491. [Google Scholar] [CrossRef]
  6. Dang, C.N.; Moreno-García, M.N.; De la Prieta, F. Hybrid deep learning models for sentiment analysis. Complexity 2021, 2021, 1–16. [Google Scholar] [CrossRef]
  7. Kennedy, H. Beyond anonymity, or future directions for internet identity research. New Media Soc. 2006, 8, 859–876. [Google Scholar] [CrossRef]
  8. Bello, B.S.; Alhassan, M.A.; Inuwa-Dutse, I. #EndSARS protest: Discourse and mobilisation on Twitter. arXiv 2023, arXiv:2301.06176. [Google Scholar] [CrossRef]
  9. Rakhmanov, O.; Schlippe, T. Sentiment analysis for Hausa: Classifying students’ comments. In Proceedings of the 1st Annual Meeting of the ELRA/ISCA Special Interest Group on Under-Resourced Languages, Marseille, France, 24–25 June 2022; pp. 98–105. [Google Scholar]
  10. Muhammad, S.H.; Adelani, D.I.; Ruder, S.; Ahmad, I.S.; Abdulmumin, I.; Bello, B.S.; Choudhury, M.; Emezue, C.C.; Abdullahi, S.S.; Aremu, A.; et al. Naijasenti: A Nigerian Twitter sentiment corpus for multilingual sentiment analysis. arXiv 2022, arXiv:2201.08277. [Google Scholar] [CrossRef]
  11. Abubakar, A.I.; Roko, A.; Bui, A.M.; Saidu, I. An enhanced feature acquisition for sentiment analysis of English and Hausa tweets. Int. J. Adv. Comput. Sci. Appl. 2021, 12, 102–110. [Google Scholar] [CrossRef]
  12. Zandam, A.Y.; Muhammad, F.A.; Inuwa-Dutse, I. Online threats detection in Hausa language. In Proceedings of the 4th Workshop on African Natural Language Processing, Kigali, Rwanda, 1 May 2023. [Google Scholar]
  13. Salau, L.; Hamada, M.; Prasad, R.; Hassan, M.; Mahendran, A.; Watanobe, Y. State-of-the-art survey on deep learning-based recommender systems for e-learning. Appl. Sci. 2022, 12, 11996. [Google Scholar] [CrossRef]
  14. Li, X.; Bing, L.; Li, P.; Lam, W.; Yang, Z. Aspect term extraction with history attention and selective transformation. arXiv 2018, arXiv:1805.00760. [Google Scholar] [CrossRef]
  15. Castellucci, G.; Filice, S.; Croce, D.; Basili, R. Unitor: Aspect based sentiment analysis with structured learning. In Proceedings of the 8th International Workshop on Semantic Evaluation (SemEval 2014), Dublin, Ireland, 23–24 August 2014; pp. 761–767. [Google Scholar]
  16. Akhtar, M.S.; Gupta, D.; Ekbal, A.; Bhattacharyya, P. Feature selection and ensemble construction: A two-step method for aspect based sentiment analysis. Knowl.-Based Syst. 2017, 125, 116–135. [Google Scholar] [CrossRef]
  17. Feng, A.; Zhang, X.; Song, X. Unrestricted attention may not be all you need–masked attention mechanism focuses better on relevant parts in aspect-based sentiment analysis. IEEE Access 2022, 10, 8518–8528. [Google Scholar] [CrossRef]
  18. Go, A.; Huang, L.; Bhayani, R. Twitter sentiment analysis. Entropy 2009, 17, 252. [Google Scholar]
  19. Saif, H.; He, Y.; Alani, H. Semantic sentiment analysis of Twitter. In The Semantic Web–ISWC 2012: 11th International Semantic Web Conference, Boston, MA, USA, 11–15 November 2012; Springer: Berlin/Heidelberg, Germany, 2012; Proceedings, Part I; pp. 508–524. [Google Scholar]
  20. Krishna, A.; Akhilesh, V.; Aich, A.; Hegde, C. Sentiment analysis of restaurant reviews using machine learning techniques. In Emerging Research in Electronics, Computer Science and Technology: Proceedings of International Conference, ICERECT 2018; Springer: Singapore, 2019; pp. 687–696. [Google Scholar]
  21. Rhanoui, M.; Mikram, M.; Yousfi, S.; Barzali, S. A CNN-BiLSTM model for document-level sentiment analysis. Mach. Learn. Knowl. Extr. 2019, 1, 832–847. [Google Scholar] [CrossRef]
  22. Basiri, M.E.; Kabiri, A. Sentence-level sentiment analysis in Persian. In Proceedings of the 2017 3rd International Conference on Pattern Recognition and Image Analysis (IPRIA), Shahrekord, Iran, 19 –20 April 2017; pp. 84–89. [Google Scholar]
  23. Wang, Y.; Huang, M.; Zhu, X.; Zhao, L. Attention-based LSTM for aspect-level sentiment classification. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing, Austin, TX, USA, 1–5 November 2016; pp. 606–615. [Google Scholar]
  24. Socher, R.; Perelygin, A.; Wu, J.; Chuang, J.; Manning, C.D.; Ng, A.Y.; Potts, C. Recursive deep models for semantic compositionality over a sentiment treebank. In Proceedings of the 2013 Conference on Empirical Methods in Natural Language Processing, Seattle, WA, USA, 18–21 October 2013; pp. 1631–1642. [Google Scholar]
  25. Sebastiani, F.; Esuli, A. Sentiwordnet: A publicly available lexical resource for opinion mining. In Proceedings of the 5th International Conference on Language Resources and Evaluation, Genoa, Italy, 22–28 May 2006; pp. 417–422. [Google Scholar]
  26. Tang, D.; Qin, B.; Liu, T. Aspect level sentiment classification with deep memory network. arXiv 2016, arXiv:1605.08900. [Google Scholar] [CrossRef]
  27. Xu, H.; Liu, B.; Shu, L.; Yu, P.S. BERT post-training for review reading comprehension and aspect-based sentiment analysis. arXiv 2019, arXiv:1904.02232. [Google Scholar]
  28. Xue, W.; Li, T. Aspect-based sentiment analysis with gated convolutional networks. arXiv 2018, arXiv:1805.07043. [Google Scholar]
  29. Tang, D.; Qin, B.; Feng, X.; Liu, T. Effective LSTMs for target-dependent sentiment classification. arXiv 2015, arXiv:1512.01100. [Google Scholar]
  30. Abdulrashid, I.; Ahmad, I.S.; Musa, A.; Khalafalla, M. Impact of social media posts’ characteristics on movie performance prior to release: An explainable machine learning approach. In Electronic Commerce Research; Springer Science and Business Media LLC: Cham, Switzerland, 2024. [Google Scholar] [CrossRef]
  31. Ni, J.; Zhu, C.; Chen, W.; McAuley, J. Learning to attend on essential terms: An enhanced retriever-reader model for open-domain question answering. arXiv 2018, arXiv:1808.09492. [Google Scholar]
  32. Wu, Z.; Ong, D.C. Context-guided BERT for targeted aspect-based sentiment analysis. Proc. Aaai Conf. Artif. Intell. 2021, 35, 14094–14102. [Google Scholar] [CrossRef]
  33. Phan, M.H.; Ogunbona, P.O. Modelling context and syntactical features for aspect-based sentiment analysis. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 3211–3220. [Google Scholar]
  34. Wang, J.; Li, J.; Li, S.; Kang, Y.; Zhang, M.; Si, L.; Zhou, G. Aspect sentiment classification with both word-level and clause-level attention networks. IJCAI 2018, 2018, 4439–4445. [Google Scholar]
  35. He, R.; Lee, W.S.; Ng, H.T.; Dahlmeier, D. Exploiting document knowledge for aspect-level sentiment classification. arXiv 2018, arXiv:1806.04346. [Google Scholar] [CrossRef]
  36. Hassan, M.; Hamada, M. Smart media-based context-aware recommender systems for learning: A conceptual framework. In Proceedings of the 2017 16th International Conference on Information Technology Based Higher Education and Training (ITHET), Ohrid, Macedonia, 10–12 July 2017; pp. 1–4. [Google Scholar]
  37. Musa, A.; Adam, F.M.; Ibrahim, U.; Zandam, A.Y. HauBERT: A Transformer Model for Aspect-Based Sentiment Analysis of Hausa-Language Movie Reviews. Eng. Proc. 2025, 87, 43. [Google Scholar]
  38. Rosso, P.; Banchs, R.E.; Saggion, H. Exploiting SentiWordNet for sentiment analysis in Twitter. In Workshop on Sentiment Analysis Where AI Meets Psychology (SAAIP) in Conjunction, Proceedings of the 7th International Conference on Computational Semantics (IWCS), Oxford, UK, 12–14 January 2011; Association for Computational Linguistics: Stroudsburg, PA, USA, 2011. [Google Scholar]
  39. Thet, T.T.; Na, J.-C.; Khoo, C.S. Aspect-based sentiment analysis of movie reviews on discussion boards. J. Inf. Sci. 2010, 36, 823–848. [Google Scholar] [CrossRef]
  40. Essebbar, A.; Kane, B.; Guinaudeau, O.; Chiesa, V.; Quénel, I.; Chau, S. Aspect Based Sentiment Analysis using French Pre-Trained Models. In Proceedings of the 13th International Conference on Agents and Artificial Intelligence (ICAART 2021), Online, 4–6 February 2021; Volume 1, pp. 519–525. [Google Scholar]
  41. Bensoltane, R.; Zaki, T. Towards Arabic aspect-based sentiment analysis: A transfer learning-based approach. Soc. Netw. Anal. Min. 2022, 12, 1–16. [Google Scholar] [CrossRef]
  42. Liu, B.; Hu, M.; Cheng, J. Opinion observer: Analyzing and comparing opinions on the web. In Proceedings of the 14th International Conference on World Wide Web, Chiba, Japan, 10–14 May 2005; pp. 342–351. [Google Scholar]
Figure 1. Proposed methodology.
Figure 1. Proposed methodology.
Engproc 107 00021 g001
Figure 2. Model architecture.
Figure 2. Model architecture.
Engproc 107 00021 g002
Figure 3. Distribution of aspect terms is shown (a), and Distribution sentiment polarity accross the dataset on (b).
Figure 3. Distribution of aspect terms is shown (a), and Distribution sentiment polarity accross the dataset on (b).
Engproc 107 00021 g003
Figure 4. Accuracy and loss curves of aspect word extraction.
Figure 4. Accuracy and loss curves of aspect word extraction.
Engproc 107 00021 g004
Figure 5. Accuracy and loss curves of sentiment polarity classification.
Figure 5. Accuracy and loss curves of sentiment polarity classification.
Engproc 107 00021 g005
Table 1. Performance of traditional machine learning of aspect word extraction.
Table 1. Performance of traditional machine learning of aspect word extraction.
ModelAccuracyPrecisionRecallF1-Score
Naive Bayes0.700.710.700.67
SVM0.71530.69000.72110.7021
Random Forest0.70000.720.700.70
Logistic Regression0.76240.74110.76020.7511
Table 2. Performance of traditional machine learning on aspect polarity.
Table 2. Performance of traditional machine learning on aspect polarity.
ModelAccuracyPrecisionRecallF1-Score
Naive Bayes0.640.600.640.52
SVM0.640.600.640.52
Random Forest0.640.600.640.52
Logistic Regression0.640.600.640.52
Table 3. Performance comparison between proposed model and machine learning on aspect and polarity tasks.
Table 3. Performance comparison between proposed model and machine learning on aspect and polarity tasks.
ModelAccuracy
Results on Aspects Extraction:
Naive Bayes0.64
SVM0.64
Random Forest0.64
Logistic Regression0.64
Proposed DCNN model0.91
Results on Polarity Classification:
Naive Bayes0.64
SVM0.64
Random Forest0.64
Logistic Regression0.64
Proposed DCNN model0.92
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.

Share and Cite

MDPI and ACS Style

Ibrahim, U.; Zandam, A.Y.; Adam, F.M.; Musa, A.; Hassan, M.; Hamada, M.; Usman, M.S. A Deep Convolutional Neural Network-Based Model for Aspect and Polarity Classification in Hausa Movie Reviews. Eng. Proc. 2025, 107, 21. https://doi.org/10.3390/engproc2025107021

AMA Style

Ibrahim U, Zandam AY, Adam FM, Musa A, Hassan M, Hamada M, Usman MS. A Deep Convolutional Neural Network-Based Model for Aspect and Polarity Classification in Hausa Movie Reviews. Engineering Proceedings. 2025; 107(1):21. https://doi.org/10.3390/engproc2025107021

Chicago/Turabian Style

Ibrahim, Umar, Abubakar Yakubu Zandam, Fatima Muhammad Adam, Aminu Musa, Mohamed Hassan, Mohamed Hamada, and Muhammad Shamsu Usman. 2025. "A Deep Convolutional Neural Network-Based Model for Aspect and Polarity Classification in Hausa Movie Reviews" Engineering Proceedings 107, no. 1: 21. https://doi.org/10.3390/engproc2025107021

APA Style

Ibrahim, U., Zandam, A. Y., Adam, F. M., Musa, A., Hassan, M., Hamada, M., & Usman, M. S. (2025). A Deep Convolutional Neural Network-Based Model for Aspect and Polarity Classification in Hausa Movie Reviews. Engineering Proceedings, 107(1), 21. https://doi.org/10.3390/engproc2025107021

Article Metrics

Back to TopTop