Claim Missing Document
Check
Articles

Found 7 Documents
Search

Butterflies Recognition using Enhanced Transfer Learning and Data Augmentation Adityawan, Harish Trio; Farroq, Omar; Santosa, Stefanus; Islam, Hussain Md Mehedul; Sarker, Md Kamruzzaman; Setiadi, De Rosal Ignatius Moses
Journal of Computing Theories and Applications Vol. 1 No. 2 (2023): JCTA 1(2) 2023
Publisher : Universitas Dian Nuswantoro

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.33633/jcta.v1i2.9443

Abstract

Butterflies’ recognition serves a crucial role as an environmental indicator and a key factor in plant pollination. The automation of this recognition process, facilitated by Convolutional Neural Networks (CNNs), can expedite this task. Several pre-trained CNN models, such as VGG, ResNet, and Inception, have been widely used for this purpose. However, the scope of previous research has been somewhat constrained, focusing only on a maximum of 15 classes. This study proposes to modify the CNN InceptionV3 model and combine it with three data augmentations to recognize up to 100 butterfly species. To curb overfitting, this study employs a series of data augmentation techniques. In parallel, we refine the InceptionV3 model by reducing the number of layers and integrating four new layers. The test results demonstrate that our proposed model achieves an impressive accuracy of 99.43% for 15 classes with only 10 epochs, exceeding prior models by approximately 5%. When extended to 100 classes, the model maintains a high accuracy rate of 98.49% with 50 epochs. The proposed model surpasses the performance of standard pre-trained models, including VGG16, ResNet50, and InceptionV3, illustrating its potential for broader application.
Exploring DQN-Based Reinforcement Learning in Autonomous Highway Navigation Performance Under High-Traffic Conditions Nugroho, Sandy; Setiadi, De Rosal Ignatius Moses; Islam, Hussain Md Mehedul
Journal of Computing Theories and Applications Vol. 1 No. 3 (2024): JCTA 1(3) 2024
Publisher : Universitas Dian Nuswantoro

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.62411/jcta.9929

Abstract

Driving in a straight line is one of the fundamental tasks for autonomous vehicles, but it can become complex and challenging, especially when dealing with high-speed highways and dense traffic conditions. This research aims to explore the Deep-Q Networking (DQN) model, which is one of the reinforcement learning (RL) methods, in a highway environment. DQN was chosen due to its proficiency in handling complex data through integrated neural network approximations, making it capable of addressing high-complexity environments. DQN simulations were conducted across four scenarios, allowing the agent to operate at speeds ranging from 60 to nearly 100 km/h. The simulations featured a variable number of vehicles/obstacles, ranging from 20 to 80, and each simulation had a duration of 40 seconds within the Highway-Env simulator. Based on the test results, the DQN method exhibited excellent performance, achieving the highest reward value in the first scenario, 35.6117 out of a maximum of 40, and a success rate of 90.075%.
Enhanced Vision Transformer and Transfer Learning Approach to Improve Rice Disease Recognition Rachman, Rahadian Kristiyanto; Setiadi, De Rosal Ignatius Moses; Susanto, Ajib; Nugroho, Kristiawan; Islam, Hussain Md Mehedul
Journal of Computing Theories and Applications Vol. 1 No. 4 (2024): JCTA 1(4) 2024
Publisher : Universitas Dian Nuswantoro

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.62411/jcta.10459

Abstract

In the evolving landscape of agricultural technology, recognizing rice diseases through computational models is a critical challenge, predominantly addressed through Convolutional Neural Networks (CNN). However, the localized feature extraction of CNNs often falls short in complex scenarios, necessitating a shift towards models capable of global contextual understanding. Enter the Vision Transformer (ViT), a paradigm-shifting deep learning model that leverages a self-attention mechanism to transcend the limitations of CNNs by capturing image features in a comprehensive global context. This research embarks on an ambitious journey to refine and adapt the ViT Base(B) transfer learning model for the nuanced task of rice disease recognition. Through meticulous reconfiguration, layer augmentation, and hyperparameter tuning, the study tests the model's prowess across both balanced and imbalanced datasets, revealing its remarkable ability to outperform traditional CNN models, including VGG, MobileNet, and EfficientNet. The proposed ViT model not only achieved superior recall (0.9792), precision (0.9815), specificity (0.9938), f1-score (0.9791), and accuracy (0.9792) on challenging datasets but also established a new benchmark in rice disease recognition, underscoring its potential as a transformative tool in the agricultural domain. This work not only showcases the ViT model's superior performance and stability across diverse tasks and datasets but also illuminates its potential to revolutionize rice disease recognition, setting the stage for future explorations in agricultural AI applications.
Multi-label Classification of Indonesian Al-Quran Translation based CNN, BiLSTM, and FastText Muslikh, Ahmad Rofiqul; Akbar, Ismail; Setiadi, De Rosal Ignatius Moses; Islam, Hussain Md Mehedul
Techno.Com Vol. 23 No. 1 (2024): Februari 2024
Publisher : LPPM Universitas Dian Nuswantoro

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.62411/tc.v23i1.9925

Abstract

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.
Analyzing Preprocessing Impact on Machine Learning Classifiers for Cryotherapy and Immunotherapy Dataset Setiadi, De Rosal Ignatius Moses; Islam, Hussain Md Mehedul; Trisnapradika, Gustina Alfa; Herowati, Wise
Journal of Future Artificial Intelligence and Technologies Vol. 1 No. 1 (2024): June 2024
Publisher : Future Techno Science

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.62411/faith.2024-2

Abstract

In the clinical treatment of skin diseases and cancer, cryotherapy and immunotherapy offer effective and minimally invasive alternatives. However, the complexity of patient response demands more sophisticated analytical strategies for accurate outcome prediction. This research focuses on analyzing the effect of preprocessing in various machine learning models on the prediction performance of cryotherapy and immunotherapy. The preprocessing techniques analyzed are advanced feature engineering and Synthetic Minority Over-sampling Technique (SMOTE) and Tomek links as resampling techniques and their combination. Various classifiers, including support vector machine (SVM), Naive Bayes (NB), Decision Tree (DT), Random Forest (RF), XGBoost, and Bidirectional Gated Recurrent Unit (BiGRU), were tested. The findings of this study show that preprocessing methods can significantly improve model performance, especially in the XGBoost model. Random Forest also gets the same results as XGBoost, but it can also work better without significant preprocessing. The best results were 0.8889, 0.8889, 0.6000, 0.9037, and 0.8790, respectively, for accuracy, recall, specificity, precision, and f1 on the Immunotherapy dataset, while on the Cryotherapy dataset, respectively, they were 0.8889, 0.8889, 0.6000, 0.9037, and 0.8790. This study confirms the potential of customized preprocessing and machine learning models to provide deep insights into treatment dynamics, ultimately improving the quality of diagnosis.
A Comparative Analysis of Convolutional Neural Network (CNN): MobileNetV2 and Xception for Butterfly Species Classification Pradnyatama, Mehta; Sari, Christy Atika; Rachmawanto, Eko Hari; Islam, Hussain Md Mehedul
Jurnal Masyarakat Informatika Vol 16, No 1 (2025): May 2025
Publisher : Department of Informatics, Universitas Diponegoro

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.14710/jmasif.16.1.72957

Abstract

This study aims to compare the effectiveness and efficiency of two convolutional neural network architectures, MobileNetV2 and Xception, for automated butterfly species classification. As biodiversity monitoring gains significance, effective species identification technologies are crucial for conservation. The research utilized a dataset of 100 butterfly species with 12,594 training images and 1,000 validation and test images. Transfer learning with pre-trained ImageNet weights was implemented, and both models were enhanced with custom classification layers. Data augmentation and class weighting mitigated dataset imbalance issues. Experimental results show Xception attained 93.40% test accuracy compared to MobileNetV2's 93.20%. These high accuracy rates were achieved through effective transfer learning that preserved general feature extraction capabilities, comprehensive class balancing techniques, and carefully tailored learning rate strategies for each architecture. Despite minimal performance difference, MobileNetV2 offers significant computational efficiency advantages with 4.15M parameters compared to Xception's 25.27M, while Xception provides marginally better classification. This study contributes to entomological research and highlights trade-offs between model complexity and performance in fine-grained classification tasks, supporting implementation decisions for butterfly identification systems in practical applications.
Comparative Analysis of Supervised Learning Algorithms for Delivery Status Prediction in Big Data Supply Chain Management Apnena, Riri Damayanti; Ginting, Gerinata; Sudrajat, Ari; Islam, Hussain Md Mehedul
Jurnal Teknik Informatika (Jutif) Vol. 6 No. 3 (2025): JUTIF Volume 6, Number 3, Juni 2025
Publisher : Informatika, Universitas Jenderal Soedirman

Show Abstract | Download Original | Original Source | Check in Google Scholar | DOI: 10.52436/1.jutif.2025.6.3.4689

Abstract

This study addresses the problem of predicting delivery status in supply chain data, a critical task for optimizing logistics and operations. The dataset, which includes multiple features like order details, product specifications, and customer information, was pre-processed using oversampling to address class imbalance, ensuring that the model could handle rare cases of late or canceled deliveries. The data cleaning process involved handling missing values, removing irrelevant columns, and transforming categorical variables into numerical formats. After pre-processing and cleaning, five machine learning models were applied: Logistic Regression, Random Forest, SVM, K-Nearest Neighbors (KNN), and XGBoost. Each model was evaluated using metrics such as accuracy, precision, recall, and F1-score. The results showed that XGBoost outperformed the other models, achieving the highest accuracy and providing the most reliable predictions for the delivery status. This makes XGBoost the best choice for supply chain data analysis in this context. This study contributes to the growing application of machine learning in supply chain optimization by identifying XGBoost as a robust model for delivery status prediction in large datasets. For future research, exploring hybrid models and advanced feature engineering techniques could further improve prediction accuracy and address additional challenges in supply chain optimization, especially in the context of real-time data processing and dynamic supply chain environments. Â