Aspect-Based Sentiment Analysis on E-commerce Reviews using BiGRU and Bi-Directional Attention Flow
(De Rosal Ignatius Moses Setiadi, Warto Warto, Ahmad Rofiqul Muslikh, Kristiawan Nugroho, Achmad Nuruddin Safriandono)
DOI : 10.62411/jcta.12376
- Volume: 2,
Issue: 4,
Sitasi : 0 01-Apr-2025
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Aspect-based sentiment Analysis (ABSA) is vital in capturing customer opinions on specific e-commerce products and service attributes. This study proposes a hybrid deep learning model integrating Bi-Directional Gated Recurrent Units (BiGRU) and Bi-Directional Attention Flow (BiDAF) to perform aspect-level sentiment classification. BiGRU captures sequential dependencies, while BiDAF enhances attention by focusing on sentiment-relevant segments. The model is trained on an Amazon review dataset with preprocessing steps, including emoji handling, slang normalization, and lemmatization. It achieves a peak training accuracy of 99.78% at epoch 138 with early stopping. The model delivers a strong performance on the Amazon test set across four key aspects: price, quality, service, and delivery, with F1 scores ranging from 0.90 to 0.92. The model was also evaluated on the SemEval 2014 ABSA dataset to assess generalizability. Results on the restaurant domain achieved an F1-score of 88.78% and 83.66% on the laptop domain, outperforming several state-of-the-art baselines. These findings confirm the effectiveness of the BiGRU-BiDAF architecture in modeling aspect-specific sentiment across diverse domains.
|
0 |
2025 |
Outlier Detection Using Gaussian Mixture Model Clustering to Optimize XGBoost for Credit Approval Prediction
(De Rosal Ignatius Moses Setiadi, Ahmad Rofiqul Muslikh, Syahroni Wahyu Iriananda, Warto Warto, Jutono Gondohanindijo, Arnold Adimabua Ojugo)
DOI : 10.62411/jcta.11638
- Volume: 2,
Issue: 2,
Sitasi : 0 01-Nov-2024
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Credit approval prediction is one of the critical challenges in the financial industry, where the accuracy and efficiency of credit decision-making can significantly affect business risk. This study proposes an outlier detection method using the Gaussian Mixture Model (GMM) combined with Extreme Gradient Boosting (XGBoost) to improve prediction accuracy. GMM is used to detect outliers with a probabilistic approach, allowing for finer-grained anomaly identification compared to distance- or density-based methods. Furthermore, the data cleaned through GMM is processed using XGBoost, a decision tree-based boosting algorithm that efficiently handles complex datasets. This study compares the performance of XGBoost with various outlier detection methods, such as LOF, CBLOF, DBSCAN, IF, and K-Means, as well as various other classification algorithms based on machine learning and deep learning. Experimental results show that the combination of GMM and XGBoost provides the best performance with an accuracy of 95.493%, a recall of 91.650%, and an AUC of 95.145%, outperforming other models in the context of credit approval prediction on an imbalanced dataset. The proposed method has been proven to reduce prediction errors and improve the model's reliability in detecting eligible credit applications.
|
0 |
2024 |
Integrating SMOTE-Tomek and Fusion Learning with XGBoost Meta-Learner for Robust Diabetes Recognition
(De Rosal Ignatius Moses Setiadi, Kristiawan Nugroho, Ahmad Rofiqul Muslikh, Syahroni Wahyu Iriananda, Arnold Adimabua Ojugo)
DOI : 10.62411/faith.2024-11
- Volume: 1,
Issue: 1,
Sitasi : 0 23-May-2024
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
This research aims to develop a robust diabetes classification method by integrating the Synthetic Minority Over-sampling Technique (SMOTE)-Tomek technique for data balancing and using a machine learning ensemble led by eXtreme Gradient Boosting (XGB) as a meta-learner. We propose an ensemble model that combines deep learning techniques such as Bidirectional Long Short-Term Memory (BiLSTM) and Bidirectional Gated Recurrent Units (BiGRU) with XGB classifier as the base learner. The data used included the Pima Indians Diabetes and Iraqi Society Diabetes datasets, which were processed by missing value handling, duplication, normalization, and the application of SMOTE-Tomek to resolve data imbalances. XGB, as a meta-learner, successfully improves the model's predictive ability by reducing bias and variance, resulting in more accurate and robust classification. The proposed ensemble model achieves perfect accuracy, precision, recall, specificity, and F1 score of 100% on all tested datasets. This method shows that combining ensemble learning techniques with a rigorous preprocessing approach can significantly improve diabetes classification performance.
|
0 |
2024 |
Analyzing InceptionV3 and InceptionResNetV2 with Data Augmentation for Rice Leaf Disease Classification
(Fadel Muhamad Firnando, De Rosal Ignatius Moses Setiadi, Ahmad Rofiqul Muslikh, Syahroni Wahyu Iriananda)
DOI : 10.62411/faith.2024-4
- Volume: 1,
Issue: 1,
Sitasi : 0 21-May-2024
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
This research aims to evaluate and compare the performance of several deep learning architectures, especially InceptionV3 and InceptionResNetV2, with other models, such as EfficientNetB3, ResNet50, and VGG19, in classifying rice leaf diseases. In addition, this research also evaluates the impact of using data augmentation on model performance. Three different datasets were used in this experiment, varying the number of images and class distribution. The results show that InceptionV3 and InceptionResNetV2 consistently perform excellently and accurately on most datasets. Data augmentation has varying effects, providing slight advantages on datasets with lower variation. The findings from this research are that the InceptionV3 model is the best model for classifying rice diseases based on leaf images. The InceptionV3 model produces accuracies of 99.53, 58.94, and 90.00 for datasets 1, 2, and 3, respectively. It is also necessary to be wise in carrying out data augmentation by considering the dataset's characteristics to ensure the resulting model can generalize well.
|
0 |
2024 |
Multi-label Classification of Indonesian Al-Quran Translation based CNN, BiLSTM, and FastText
(Ahmad Rofiqul Muslikh, Ismail Akbar, De Rosal Ignatius Moses Setiadi, Hussain Md Mehedul Islam)
DOI : 10.62411/tc.v23i1.9925
- Volume: 23,
Issue: 1,
Sitasi : 0 21-Feb-2024
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Studying the Qur'an is a pivotal act of worship in Islam, which necessitates a structured understanding of its verses to facilitate learning and referencing. Reflecting this complexity, each Quranic verse is rich with unique thematic elements and can be classified into a range of distinct categories. This study explores the enhancement of a multi-label classification model through the integration of FastText. Employing a CNN+Bi-LSTM architecture, the research undertakes the classification of Quranic translations across categories such as Tauhid, Ibadah, Akhlak, and Sejarah. Based on model evaluation using F1-Score, it shows significant differences between the CNN+Bi-LSTM model without FastText, with the highest result being 68.70% in the 80:20 testing configuration. Conversely, the CNN+Bi-LSTM+FastText model, combining embedding size and epoch parameters, achieves a result of 73.30% with an embedding size of 200, epoch of 100, and a 90:10 testing configuration. These findings underscore the significant impact of FastText on model optimization, with an enhancement margin of 4.6% over the base model.
|
0 |
2024 |
Music-Genre Classification using Bidirectional Long Short-Term Memory and Mel-Frequency Cepstral Coefficients
(Nantalira Niar Wijaya, De Rosal Ignatius Moses Setiadi, Ahmad Rofiqul Muslikh)
DOI : 10.62411/jcta.9655
- Volume: 1,
Issue: 3,
Sitasi : 0 09-Jan-2024
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Music genre classification is one part of the music recommendation process, which is a challenging job. This research proposes the classification of music genres using Bidirectional Long Short-Term Memory (BiLSTM) and Mel-Frequency Cepstral Coefficients (MFCC) extraction features. This method was tested on the GTZAN and ISMIR2004 datasets, specifically on the IS-MIR2004 dataset, a duration cutting operation was carried out, which was only taken from seconds 31 to 60 so that it had the same duration as GTZAN, namely 30 seconds. Preprocessing operations by removing silent parts and stretching are also performed at the preprocessing stage to obtain normalized input. Based on the test results, the performance of the proposed method is able to produce accuracy on testing data of 93.10% for GTZAN and 93.69% for the ISMIR2004 dataset.
|
0 |
2024 |
Dataset and Feature Analysis for Diabetes Mellitus Classification using Random Forest
(Fachrul Mustofa, Achmad Nuruddin Safriandono, Ahmad Rofiqul Muslikh, De Rosal Ignatius Moses Setiadi)
DOI : 10.33633/jcta.v1i1.9190
- Volume: 1,
Issue: 1,
Sitasi : 0 30-Sep-2023
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Diabetes Mellitus is a hazardous disease, and according to the World Health Organization (WHO), diabetes will be one of the main causes of death by 2030. One of the most popular diabetes datasets is PIMA Indians, and this dataset has been widely tested on various machine learning (ML) methods, even deep learning (DL). But on average, ML methods are not able to produce good accuracy. The quality of the dataset and features is the most influential thing in this case, so deeper investment is needed to examine this dataset. This research will analyze and compare the PIMA Indians and Abelvikas datasets using the Random Forest (RF) method. The two datasets are imbalanced, in fact, the Abelvikas dataset is more imbalanced and has a larger number of classes so it is be more complex. The RF was chosen because it is one of the ML methods that has the best results on various diabetes datasets. Based on the test results, very contrasting results were obtained on the two datasets. Abelvikas had accuracy, precision, and recall, reaching 100%, and PIMA Indians only achieved 75% for accuracy, 87% for precision, and 80% for the best recall. Testing was done with 3, 5, 7, 10, and 15 tree number parameters. Apart from that, it was also tested with k-fold validation to get valid results. This determines that the features in the Abelvikas dataset are much better because more complete glucose features support them.
|
0 |
2023 |
Plant Diseases Classification based Leaves Image using Convolutional Neural Network
(Satrio Bagus Imanulloh, Ahmad Rofiqul Muslikh, De Rosal Ignatius Moses Setiadi)
DOI : 10.33633/jcta.v1i1.8877
- Volume: 1,
Issue: 1,
Sitasi : 0 30-Aug-2023
| Abstrak
| PDF File
| Resource
| Last.31-Jul-2025
Abstrak:
Plant disease is one of the problems in the world of agriculture. Early identification of plant diseases can reduce the risk of loss, so automation is needed to speed up identification. This study proposes a custom-designed convolutional neural network (CNN) model for plant disease recognition. The proposed CNN model is not complex and lightweight, so it can be implemented in model applications. The proposed CNN model consists of 12 CNN layers, which consist of eight layers for feature extraction and four layers as classifiers. Based on the experimental results of a plant disease dataset consisting of 38 classes with a total of 87,867 image records. The proposed model can get high performance and not overfitting, with 97%, 98%, 97% and 97%, respectively, for accuracy, precision, recall and f1-score. The performance of the proposed model is also better than some popular pre-trained models, such as InceptionV3 and MobileNetV2. The proposed model can also work well when implemented in mobile applications.
|
0 |
2023 |