Journal Description
Big Data and Cognitive Computing
Big Data and Cognitive Computing
is an international, peer-reviewed, open access journal on big data and cognitive computing published monthly online by MDPI.
- Open Access— free for readers, with article processing charges (APC) paid by authors or their institutions.
- High Visibility: indexed within Scopus, ESCI (Web of Science), dblp, Inspec, Ei Compendex, and other databases.
- Journal Rank: JCR - Q1 (Computer Science, Theory and Methods) / CiteScore - Q1 (Computer Science Applications)
- Rapid Publication: manuscripts are peer-reviewed and a first decision is provided to authors approximately 24.5 days after submission; acceptance to publication is undertaken in 4.6 days (median values for papers published in this journal in the first half of 2025).
- Recognition of Reviewers: reviewers who provide timely, thorough peer-review reports receive vouchers entitling them to a discount on the APC of their next publication in any MDPI journal, in appreciation of the work done.
Impact Factor:
4.4 (2024);
5-Year Impact Factor:
4.2 (2024)
Latest Articles
LLMs in Cyber Security: Bridging Practice and Education
Big Data Cogn. Comput. 2025, 9(7), 184; https://doi.org/10.3390/bdcc9070184 (registering DOI) - 8 Jul 2025
Abstract
►
Show Figures
Large Language Models (LLMs) have emerged as powerful tools in cyber security, enabling automation, threat detection, and adaptive learning. Their ability to process unstructured data and generate context-aware outputs supports both operational tasks and educational initiatives. Despite their growing adoption, current research often
[...] Read more.
Large Language Models (LLMs) have emerged as powerful tools in cyber security, enabling automation, threat detection, and adaptive learning. Their ability to process unstructured data and generate context-aware outputs supports both operational tasks and educational initiatives. Despite their growing adoption, current research often focuses on isolated applications, lacking a systematic understanding of how LLMs align with domain-specific requirements and pedagogical effectiveness. This highlights a pressing need for comprehensive evaluations that address the challenges of integration, generalization, and ethical deployment in both operational and educational cyber security environments. Therefore, this paper provides a comprehensive and State-of-the-Art review of the significant role of LLMs in cyber security, addressing both operational and educational dimensions. It introduces a holistic framework that categorizes LLM applications into six key cyber security domains, examining each in depth to demonstrate their impact on automation, context-aware reasoning, and adaptability to emerging threats. The paper highlights the potential of LLMs to enhance operational performance and educational effectiveness while also exploring emerging technical, ethical, and security challenges. The paper also uniquely addresses the underexamined area of LLMs in cyber security education by reviewing recent studies and illustrating how these models support personalized learning, hands-on training, and awareness initiatives. The key findings reveal that while LLMs offer significant potential in automating tasks and enabling personalized learning, challenges remain in model generalization, ethical deployment, and production readiness. Finally, the paper discusses open issues and future research directions for the application of LLMs in both operational and educational contexts. This paper serves as a valuable reference for researchers, educators, and practitioners aiming to develop intelligent, adaptive, scalable, and ethically responsible LLM-based cyber security solutions.
Full article
Open AccessArticle
Gait-Based Parkinson’s Disease Detection Using Recurrent Neural Networks for Wearable Systems
by
Carlos Rangel-Cascajosa, Francisco Luna-Perejón, Saturnino Vicente-Diaz and Manuel Domínguez-Morales
Big Data Cogn. Comput. 2025, 9(7), 183; https://doi.org/10.3390/bdcc9070183 - 7 Jul 2025
Abstract
Parkinson’s disease is one of the neurodegenerative conditions that has seen a significant increase in prevalence in recent decades. The lack of specific screening tests and notable disease biomarkers, combined with the strain on healthcare systems, leads to delayed detection of the disease,
[...] Read more.
Parkinson’s disease is one of the neurodegenerative conditions that has seen a significant increase in prevalence in recent decades. The lack of specific screening tests and notable disease biomarkers, combined with the strain on healthcare systems, leads to delayed detection of the disease, which worsens its progression. The development of diagnostic support tools can support early detection and facilitate timely intervention. The ability of Deep Learning algorithms to identify complex features from clinical data has proven to be a promising approach in various medical domains as support tools. In this study, we present an investigation of different architectures based on Gated Recurrent Neural Networks to assess their effectiveness in identifying subjects with Parkinson’s disease from gait records. Models with Long-Short term Memory (LSTM) and Gated Recurrent Unit (GRU) layers were evaluated. Performance results reach competitive effectiveness values with the current state-of-the-art accuracy (up to 93.75% (average ± SD: 86 ± 5%)), simplifying computational complexity, which represents an advance in the implementation of executable screening and diagnostic support tools in systems with few computational resources in wearable devices.
Full article
(This article belongs to the Topic eHealth and mHealth: Challenges and Prospects, 2nd Edition)
Open AccessArticle
Dependency-Aware Entity–Attribute Relationship Learning for Text-Based Person Search
by
Wei Xia, Wenguang Gan and Xinpan Yuan
Big Data Cogn. Comput. 2025, 9(7), 182; https://doi.org/10.3390/bdcc9070182 - 7 Jul 2025
Abstract
►▼
Show Figures
Text-based person search (TPS), a critical technology for security and surveillance, aims to retrieve target individuals from image galleries using textual descriptions. The existing methods face two challenges: (1) ambiguous attribute–noun association (AANA), where syntactic ambiguities lead to incorrect associations between attributes and
[...] Read more.
Text-based person search (TPS), a critical technology for security and surveillance, aims to retrieve target individuals from image galleries using textual descriptions. The existing methods face two challenges: (1) ambiguous attribute–noun association (AANA), where syntactic ambiguities lead to incorrect associations between attributes and the intended nouns; and (2) textual noise and relevance imbalance (TNRI), where irrelevant or non-discriminative tokens (e.g., ‘wearing’) reduce the saliency of critical visual attributes in the textual description. To address these aspects, we propose the dependency-aware entity–attribute alignment network (DEAAN), a novel framework that explicitly tackles AANA through dependency-guided attention and TNRI via adaptive token filtering. The DEAAN introduces two modules: (1) dependency-assisted implicit reasoning (DAIR) to resolve AANA through syntactic parsing, and (2) relevance-adaptive token selection (RATS) to suppress TNRI by learning token saliency. Experiments on CUHK-PEDES, ICFG-PEDES, and RSTPReid demonstrate state-of-the-art performance, with the DEAAN achieving a Rank-1 accuracy of 76.71% and an mAP of 69.07% on CUHK-PEDES, surpassing RDE by 0.77% in Rank-1 and 1.51% in mAP. Ablation studies reveal that DAIR and RATS individually improve Rank-1 by 2.54% and 3.42%, while their combination elevates the performance by 6.35%, validating their synergy. This work bridges structured linguistic analysis with adaptive feature selection, demonstrating practical robustness in surveillance-oriented TPS scenarios.
Full article

Figure 1
Open AccessArticle
Laor Initialization: A New Weight Initialization Method for the Backpropagation of Deep Learning
by
Laor Boongasame, Jirapond Muangprathub and Karanrat Thammarak
Big Data Cogn. Comput. 2025, 9(7), 181; https://doi.org/10.3390/bdcc9070181 - 7 Jul 2025
Abstract
►▼
Show Figures
This paper presents Laor Initialization, an innovative weight initialization technique for deep neural networks that utilizes forward-pass error feedback in conjunction with k-means clustering to optimize the initial weights. In contrast to traditional methods, Laor adopts a data-driven approach that enhances convergence’s stability
[...] Read more.
This paper presents Laor Initialization, an innovative weight initialization technique for deep neural networks that utilizes forward-pass error feedback in conjunction with k-means clustering to optimize the initial weights. In contrast to traditional methods, Laor adopts a data-driven approach that enhances convergence’s stability and efficiency. The method was assessed using various datasets, including a gold price time series, MNIST, and CIFAR-10 across the CNN and LSTM architectures. The results indicate that the Laor Initialization achieved the lowest K-fold cross-validation RMSE (0.00686), surpassing Xavier, He, and Random. Laor demonstrated a high convergence success (final RMSE = 0.00822) and the narrowest interquartile range (IQR), indicating superior stability. Gradient analysis confirmed Laor’s robustness, achieving the lowest coefficients of variation (CV = 0.2230 for MNIST, 0.3448 for CIFAR-10, and 0.5997 for gold price) with zero vanishing layers in the CNNs. Laor achieved a 24% reduction in CPU training time for the Gold price data and the fastest runtime on MNIST (340.69 s), while maintaining efficiency on CIFAR-10 (317.30 s). It performed optimally with a batch size of 32 and a learning rate between 0.001 and 0.01. These findings establish Laor as a robust alternative to conventional methods, suitable for moderately deep architectures. Future research should focus on dynamic variance scaling and adaptive clustering.
Full article

Figure 1
Open AccessArticle
Modeling and Simulation of Public Opinion Evolution Based on the SIS-FJ Model with a Bidirectional Coupling Mechanism
by
Wenxuan Fu, Renqi Zhu, Bo Li, Xin Lu and Xiang Lin
Big Data Cogn. Comput. 2025, 9(7), 180; https://doi.org/10.3390/bdcc9070180 - 4 Jul 2025
Abstract
The evolution of public opinion on social media affects societal security and stability. To effectively control the societal impact of public opinion evolution, it is essential to study its underlying mechanisms. Public opinion evolution on social media primarily involves two processes: information dissemination
[...] Read more.
The evolution of public opinion on social media affects societal security and stability. To effectively control the societal impact of public opinion evolution, it is essential to study its underlying mechanisms. Public opinion evolution on social media primarily involves two processes: information dissemination and opinion interaction. However, existing studies overlook the bidirectional coupling relationship between these two processes, with limitations such as weak coupling and insufficient consideration of individual heterogeneity. To address this, we propose the SIS-FJ model with a bidirectional coupling mechanism, which combines the strengths of the SIS (Susceptible–Infected–Susceptible) model in information dissemination and the FJ (Friedkin–Johnsen) model in opinion interaction. Specifically, the SIS model is used to describe information dissemination, while the FJ model is used to describe opinion interaction. In the computation of infection and recovery rates of the SIS model, we introduce the opinion differences between individuals and their observable neighbors from the FJ model. In the computation of opinion values in the FJ model, we introduce the node states from the SIS model, thus achieving bidirectional coupling between the two models. Moreover, the model considers individual heterogeneity from multiple aspects, including infection rate, recovery rate, and individual susceptibility. Through simulation experiments, we investigate the effects of initial opinion distribution, individual susceptibility, and network structure on public opinion evolution. Interestingly, neither initial opinion distribution, individual susceptibility, nor network structure exerts a significant influence on the proportion of disseminating and non-disseminating individuals at termination. Furthermore, we optimize the model by adjusting the functions for infection and recovery rates.
Full article
(This article belongs to the Topic Social Computing and Social Network Analysis)
►▼
Show Figures

Figure 1
Open AccessArticle
Research on a Crime Spatiotemporal Prediction Method Integrating Informer and ST-GCN: A Case Study of Four Crime Types in Chicago
by
Yuxiao Fan, Xiaofeng Hu and Jinming Hu
Big Data Cogn. Comput. 2025, 9(7), 179; https://doi.org/10.3390/bdcc9070179 - 3 Jul 2025
Abstract
►▼
Show Figures
As global urbanization accelerates, communities have emerged as key areas where social conflicts and public safety risks clash. Traditional crime prevention models experience difficulties handling dynamic crime hotspots due to data lags and poor spatiotemporal resolution. Therefore, this study proposes a hybrid model
[...] Read more.
As global urbanization accelerates, communities have emerged as key areas where social conflicts and public safety risks clash. Traditional crime prevention models experience difficulties handling dynamic crime hotspots due to data lags and poor spatiotemporal resolution. Therefore, this study proposes a hybrid model combining Informer and Spatiotemporal Graph Convolutional Network (ST-GCN) to achieve precise crime prediction at the community level. By employing a community topology and incorporating historical crime, weather, and holiday data, ST-GCN captures spatiotemporal crime trends, while Informer identifies temporal dependencies. Moreover, the model leverages a fully connected layer to map features to predicted latitudes. The experimental results from 320,000 crime records from 22 police districts in Chicago, IL, USA, from 2015 to 2020 show that our model outperforms traditional and deep learning models in predicting assaults, robberies, property damage, and thefts. Specifically, the mean average error (MAE) is 0.73 for assaults, 1.36 for theft, 1.03 for robbery, and 1.05 for criminal damage. In addition, anomalous event fluctuations are effectively captured. The results indicate that our model furthers data-driven public safety governance through spatiotemporal dependency integration and long-sequence modeling, facilitating dynamic crime hotspot prediction and resource allocation optimization. Future research should integrate multisource socioeconomic data to further enhance model adaptability and cross-regional generalization capabilities.
Full article

Figure 1
Open AccessReview
Toward the Mass Adoption of Blockchain: Cross-Industry Insights from DeFi, Gaming, and Data Analytics
by
Shezon Saleem Mohammed Abdul, Anup Shrestha and Jianming Yong
Big Data Cogn. Comput. 2025, 9(7), 178; https://doi.org/10.3390/bdcc9070178 - 3 Jul 2025
Abstract
Blockchain’s promise of decentralised, tamper-resistant services is gaining real traction in three arenas: decentralized finance (DeFi), blockchain gaming, and data-driven analytics. These sectors span finance, entertainment, and information services, offering a representative setting in which to study real-world adoption. This survey analyzes how
[...] Read more.
Blockchain’s promise of decentralised, tamper-resistant services is gaining real traction in three arenas: decentralized finance (DeFi), blockchain gaming, and data-driven analytics. These sectors span finance, entertainment, and information services, offering a representative setting in which to study real-world adoption. This survey analyzes how each domain implements blockchain, identifies the incentives that accelerate uptake, and maps the technical and organizational barriers that still limit scale. By examining peer-reviewed literature and recent industry developments, this review distils common design features such as token incentives, verifiable digital ownership, and immutable data governance. It also pinpoints the following domain-specific challenges: capital efficiency in DeFi, asset portability and community engagement in gaming, and high-volume, low-latency querying in analytics. Moreover, cross-sector links are already forming, with DeFi liquidity tools supporting in-game economies and analytics dashboards improving decision-making across platforms. Building on these findings, this paper offers guidance on stronger interoperability and user-centered design and sets research priorities in consensus optimization, privacy-preserving analytics, and inclusive governance. Together, the insights equip developers, policymakers, and researchers to build scalable, interoperable platforms and reuse proven designs while avoiding common pitfalls.
Full article
(This article belongs to the Special Issue Application of Cloud Computing in Industrial Internet of Things)
►▼
Show Figures

Figure 1
Open AccessArticle
Online Asynchronous Learning over Streaming Nominal Data
by
Hongrui Li, Shengda Zhuo, Lin Li, Jiale Chen, Tianbo Wang, Jun Tang, Shaorui Liu and Shuqiang Huang
Big Data Cogn. Comput. 2025, 9(7), 177; https://doi.org/10.3390/bdcc9070177 - 2 Jul 2025
Abstract
►▼
Show Figures
Online learning has become increasingly prevalent in real-world applications, where data streams often comprise heterogeneous feature types—both nominal and numerical—and labels may not arrive synchronously with features. However, most existing online learning methods assume homogeneous data types and synchronous arrival of features and
[...] Read more.
Online learning has become increasingly prevalent in real-world applications, where data streams often comprise heterogeneous feature types—both nominal and numerical—and labels may not arrive synchronously with features. However, most existing online learning methods assume homogeneous data types and synchronous arrival of features and labels. In practice, data streams are typically heterogeneous and exhibit asynchronous label feedback, making these methods insufficient. To address these challenges, we propose a novel algorithm, termed Online Asynchronous Learning over Streaming Nominal Data (OALN), which maps heterogeneous data into a continuous latent space and leverages a model pool alongside a hint mechanism to effectively manage asynchronous labels. Specifically, OALN is grounded in three core principles: (1) It utilizes a Gaussian mixture copula in the latent space to preserve class structure and numerical relationships, thereby addressing the encoding and relational learning challenges posed by mixed feature types. (2) It performs adaptive imputation through conditional covariance matrices to seamlessly handle random missing values and feature drift, while incrementally updating copula parameters to accommodate dynamic changes in the feature space. (3) It incorporates a model pool and hint mechanism to efficiently process asynchronous label feedback. We evaluate OALN on twelve real-world datasets; the average cumulative error rates are 23.31% and 28.28% under the missing rates of 10% and 50%, respectively, and the average AUC scores are 0.7895 and 0.7433, which are the best results among the compared algorithms. And both theoretical analyses and extensive empirical studies confirm the effectiveness of the proposed method.
Full article

Figure 1
Open AccessArticle
RecurrentOcc: An Efficient Real-Time Occupancy Prediction Model with Memory Mechanism
by
Zimo Chen, Yuxiang Xie and Yingmei Wei
Big Data Cogn. Comput. 2025, 9(7), 176; https://doi.org/10.3390/bdcc9070176 - 2 Jul 2025
Abstract
Three-dimensional Occupancy Prediction provides a detailed representation of the surrounding environment, essential for autonomous driving. Long temporal image sequence fusion is a common technique used to improve the occupancy prediction performance. However, existing temporal fusion methods are inefficient due to three issues: repetitive
[...] Read more.
Three-dimensional Occupancy Prediction provides a detailed representation of the surrounding environment, essential for autonomous driving. Long temporal image sequence fusion is a common technique used to improve the occupancy prediction performance. However, existing temporal fusion methods are inefficient due to three issues: repetitive feature extraction from temporal images, redundant fusion of temporal features, and suboptimal fusion of long-term historical features. To address these challenges, we propose the Recurrent Occupancy Prediction Network (RecurrentOcc). We introduce the Scene Memory Gate, a new temporal fusion module that condenses temporal scene features into a single historical feature map. This eliminates the need for repeated extraction and aggregation of multiple temporal images, reducing computational overhead. The Scene Memory Gate selectively retains valuable information from historical features and recurrently updates the historical feature map, enhancing temporal fusion performance. Additionally, we design a simple yet efficient encoder, significantly reducing the number of model parameters. Compared with other real-time methods, RecurrentOcc achieves state-of-the-art performance of 39.9 mIoU on the Occ3D-NuScenes dataset with the fewest parameters of 59.1 M and an inference speed of 23.4 FPS.
Full article
(This article belongs to the Special Issue Perception and Detection of Intelligent Vision)
►▼
Show Figures

Figure 1
Open AccessArticle
Using Vector Databases for the Selection of Related Occupations: An Empirical Evaluation Using O*NET
by
Lino Gonzalez-Garcia, Miguel-Angel Sicilia and Elena García-Barriocanal
Big Data Cogn. Comput. 2025, 9(7), 175; https://doi.org/10.3390/bdcc9070175 - 2 Jul 2025
Abstract
Career planning agencies and other organizations can help workers if they are able to effectively identify related occupations that are relevant to the task at hand. Occupational knowledge bases such as O*NET and ESCO represent mature attempts to categorize occupations and describe them
[...] Read more.
Career planning agencies and other organizations can help workers if they are able to effectively identify related occupations that are relevant to the task at hand. Occupational knowledge bases such as O*NET and ESCO represent mature attempts to categorize occupations and describe them in detail so that they can be used to search for related occupations. Vector databases offer an opportunity to find related occupations based on large pre-trained word and sentence embeddings and their associated retrieval algorithms for similarity search. This paper reports a systematic empirical evaluation of the possibilities of using vector databases for related occupation retrieval using different document structures, embeddings, and retrieval configurations for two popular open source vector databases, and using the O*NET curated database. The objective was to understand the extent to which curated relations capture all the meaningful relations in a context of retrieval. The results show that, independent of the database used, distance metrics, sentence embeddings, and the selection of text fragments are all significant in the overall retrieval performance when comparing with curated relations, but they also retrieve other relevant occupations based on text similarity. Further, the precision is high for smaller cutoffs in the results list, which is especially important for settings in which vector database retrieval is set up as part of a Retrieval Augmented Generation (RAG) pattern. The inspection of highly ranked retrieved related occupations not explicit in the curated database reveals that text similarity captures the taxonomical grouping of some occupations in some cases, but also other cross-cuts different aspects that are distinct from the hierarchical organization of the database in most of the cases. This suggests that text retrieval should be combined with querying explicit relations in practical applications.
Full article
(This article belongs to the Special Issue Application of Semantic Technologies in Intelligent Environment)
►▼
Show Figures

Figure 1
Open AccessArticle
Boost-Classifier-Driven Fault Prediction Across Heterogeneous Open-Source Repositories
by
Philip König, Sebastian Raubitzek, Alexander Schatten, Dennis Toth, Fabian Obermann, Caroline König and Kevin Mallinger
Big Data Cogn. Comput. 2025, 9(7), 174; https://doi.org/10.3390/bdcc9070174 - 2 Jul 2025
Abstract
►▼
Show Figures
Ensuring reliability, availability, and security in modern software systems hinges on early fault detection, yet predicting which parts of a codebase are most at risk remains a significant challenge. In this paper, we analyze 2.4 million commits drawn from 33 heterogeneous open-source projects,
[...] Read more.
Ensuring reliability, availability, and security in modern software systems hinges on early fault detection, yet predicting which parts of a codebase are most at risk remains a significant challenge. In this paper, we analyze 2.4 million commits drawn from 33 heterogeneous open-source projects, spanning healthcare, security tools, data processing, and more. By examining each repository per file and per commit, we derive process metrics (e.g., churn, file age, revision frequency) alongside size metrics and entropy-based indicators of how scattered changes are over time. We train and tune a gradient boosting model to classify bug-prone commits under realistic class-imbalance conditions, achieving robust predictive performance across diverse repositories. Moreover, a comprehensive feature-importance analysis shows that files with long lifespans (high age), frequent edits (revision count), and widely scattered changes (entropy metrics) are especially vulnerable to defects. These insights can help practitioners and researchers prioritize testing and tailor maintenance strategies, ultimately strengthening software dependability.
Full article

Figure 1
Open AccessArticle
Modeling the Effect of Prior Knowledge on Memory Efficiency for the Study of Transfer of Learning: A Spiking Neural Network Approach
by
Mojgan Hafezi Fard, Krassie Petrova, Nikola Kirilov Kasabov and Grace Y. Wang
Big Data Cogn. Comput. 2025, 9(7), 173; https://doi.org/10.3390/bdcc9070173 - 30 Jun 2025
Abstract
►▼
Show Figures
The transfer of learning (TL) is the process of applying knowledge and skills learned in one context to a new and different context. Efficient use of memory is essential in achieving successful TL and good learning outcomes. This study uses a cognitive computing
[...] Read more.
The transfer of learning (TL) is the process of applying knowledge and skills learned in one context to a new and different context. Efficient use of memory is essential in achieving successful TL and good learning outcomes. This study uses a cognitive computing approach to identify and explore brain activity patterns related to memory efficiency in the context of learning a new programming language. This study hypothesizes that prior programming knowledge reduces cognitive load, leading to improved memory efficiency. Spatio-temporal brain data (STBD) were collected from a sample of participants (n = 26) using an electroencephalogram (EEG) device and analyzed by applying a spiking neural network (SNN) approach and the SNN-based NeuCube architecture. The findings revealed the neural patterns demonstrating the effect of prior knowledge on memory efficiency. They showed that programming learning outcomes were aligned with specific theta and alpha waveband spike activities concerning prior knowledge and cognitive load, indicating that cognitive load was a feasible metric for measuring memory efficiency. Building on these findings, this study proposes that the methodology developed for examining the relationship between prior knowledge and TL in the context of learning a programming language can be extended to other educational domains.
Full article

Figure 1
Open AccessArticle
Deep One-Directional Neural Semantic Siamese Network for High-Accuracy Fact Verification
by
Muchammad Naseer, Jauzak Hussaini Windiatmaja, Muhamad Asvial and Riri Fitri Sari
Big Data Cogn. Comput. 2025, 9(7), 172; https://doi.org/10.3390/bdcc9070172 - 30 Jun 2025
Abstract
Fake news has eroded trust in credible news sources, driving the need for tools to verify the accuracy of circulating information. Fact verification addresses this issue by classifying claims as Supports (S), Refutes (R), or Not Enough Info (NEI) based on evidence. Neural
[...] Read more.
Fake news has eroded trust in credible news sources, driving the need for tools to verify the accuracy of circulating information. Fact verification addresses this issue by classifying claims as Supports (S), Refutes (R), or Not Enough Info (NEI) based on evidence. Neural Semantic Matching Networks (NSMN) is an algorithm designed for this purpose, but its reliance on BiLSTM has shown limitations, particularly overfitting. This study aims to enhance NSMN for fact verification through a structured framework comprising encoding, alignment, matching, and output layers. The proposed approach employed Siamese MaLSTM in the matching layer and introduced the Manhattan Fact Relatedness Score (MFRS) in the output layer, culminating in a novel algorithm called Deep One-Directional Neural Semantic Siamese Network (DOD–NSSN). Performance evaluation compared DOD–NSSN with NSMN and transformer-based algorithms (BERT, RoBERTa, XLM, XL-Net). Results demonstrated that DOD–NSSN achieved 91.86% accuracy and consistently outperformed other models, achieving over 95% accuracy across diverse topics, including sports, government, politics, health, and industry. The findings highlight the DOD–NSSN model’s capability to generalize effectively across various domains, providing a robust tool for automated fact verification.
Full article
(This article belongs to the Special Issue Machine Learning and AI Technology for Sustainable Development)
►▼
Show Figures

Figure 1
Open AccessArticle
Cognitive Networks and Text Analysis Identify Anxiety as a Key Dimension of Distress in Genuine Suicide Notes
by
Massimo Stella, Trevor James Swanson, Andreia Sofia Teixeira, Brianne N. Richson, Ying Li, Thomas T. Hills, Kelsie T. Forbush and David Watson
Big Data Cogn. Comput. 2025, 9(7), 171; https://doi.org/10.3390/bdcc9070171 - 27 Jun 2025
Abstract
►▼
Show Figures
Understanding the mindset of people who die by suicide remains a key research challenge. We map conceptual and emotional word–word co-occurrences in 139 genuine suicide notes and in reference word lists, an Emotional Recall Task, from 200 individuals grouped by high/low depression, anxiety,
[...] Read more.
Understanding the mindset of people who die by suicide remains a key research challenge. We map conceptual and emotional word–word co-occurrences in 139 genuine suicide notes and in reference word lists, an Emotional Recall Task, from 200 individuals grouped by high/low depression, anxiety, and stress levels on DASS-21. Positive words cover most of the suicide notes’ vocabulary; however, co-occurrences in suicide notes overlap mostly with those produced by individuals with low anxiety (Jaccard index of 0.42 for valence and 0.38 for arousal). We introduce a “words not said” method: It removes every word that corpus A shares with a comparison corpus B and then checks the emotions of “residual” words in . With no leftover emotions, A and B are similar in expressing the same emotions. Simulations indicate this method can classify high/low levels of depression, anxiety and stress with 80% accuracy in a balanced task. After subtracting suicide note words, only the high-anxiety corpus displays no significant residual emotions. Our findings thus pin anxiety as a key latent feature of suicidal psychology and offer an interpretable language-based marker for suicide risk detection.
Full article

Figure 1
Open AccessArticle
An Analysis of the Severity of Alcohol Use Disorder Based on Electroencephalography Using Unsupervised Machine Learning
by
Kaloso M. Tlotleng and Rodrigo S. Jamisola, Jr.
Big Data Cogn. Comput. 2025, 9(7), 170; https://doi.org/10.3390/bdcc9070170 - 26 Jun 2025
Abstract
►▼
Show Figures
This paper presents an analysis of the severity of alcohol use disorder (AUD) based on electroencephalogram (EEG) signals and alcohol drinking experiments by utilizing power spectral density (PSD) and the transitions that occur as individuals drink alcohol in increasing amounts. We use data
[...] Read more.
This paper presents an analysis of the severity of alcohol use disorder (AUD) based on electroencephalogram (EEG) signals and alcohol drinking experiments by utilizing power spectral density (PSD) and the transitions that occur as individuals drink alcohol in increasing amounts. We use data from brain—computer interface (BCI) experiments using alcohol as a stimulus recorded from a group of seventeen alcohol-drinking male participants and the assessment scores of the alcohol use disorders identification test (AUDIT). This method investigates the mild, moderate, and severe symptoms of AUD using the three key domains of AUDIT, which are hazardous alcohol use, dependence symptoms, and severe alcohol use. We utilize the EEG spectral power of the theta, alpha, and beta frequency bands by observing the transitions from the initial to the final phase of alcohol consumption. Our results are compared for people with low-risk alcohol consumption, harmful or hazardous alcohol consumption, and lastly a likelihood of AUD based on the individual assessment scores of the AUDIT. We use Balanced Iterative Reducing and Clustering using Hierarchies (BIRCH) to cluster the results of the transitions in EEG signals and the overall brain activity of all the participants for the entire duration of the alcohol-drinking experiments. This study can be useful in creating an automatic AUD severity level detection tool for alcoholics to aid in early intervention and supplement evaluations by mental health professionals.
Full article

Graphical abstract
Open AccessArticle
Confidential Intelligent Traffic Light Control System: Prevention of Unauthorized Traceability
by
Ahmad Audat, Maram Bani Younes, Marah Yahia and Said Ghoul
Big Data Cogn. Comput. 2025, 9(7), 169; https://doi.org/10.3390/bdcc9070169 - 26 Jun 2025
Abstract
Many research studies have designed intelligent traffic light scheduling algorithms. Some researchers rely on specialized sensors and hardware to gather real-time traffic data at signalized road intersections. Others benefit from artificial intelligence techniques and/or cloud computing technologies. The technology of vehicular networks has
[...] Read more.
Many research studies have designed intelligent traffic light scheduling algorithms. Some researchers rely on specialized sensors and hardware to gather real-time traffic data at signalized road intersections. Others benefit from artificial intelligence techniques and/or cloud computing technologies. The technology of vehicular networks has been widely used to gather the traffic characteristics of competing traffic flows at signalized road intersections. Intelligent traffic light controlling systems aim to fairly liberate competing traffic at signalized road intersections and eliminate traffic crises. These algorithms have been initially developed without focusing on the consequences of security threats or attacks. However, the accuracy of gathered traffic data at each road intersection affects its performance. Fake and corrupted packets highly affect the accuracy of the gathered traffic data. Thus, in this work, we aim to investigate the aspects of security and confidentiality of intelligent traffic light systems. The possible attacks on the confidentiality of intelligent traffic light systems are examined. Then, a confidential traffic light control system that protects the privacy of traveling vehicles and drivers is presented. The proposed algorithm mainly prevents unauthorized traceability and linkability attacks that threaten people’s lives and violate their privacy. Finally, the proposed algorithm is evaluated through extensive experiments to verify its correctness and benefits compared to traditional insecure intelligent traffic light systems.
Full article
(This article belongs to the Special Issue Advances in Intelligent Defense Systems for the Internet of Things)
►▼
Show Figures

Figure 1
Open AccessArticle
Addressing Credit Card Fraud Detection Challenges with Adversarial Autoencoders
by
Shiyu Ma and Carol Anne Hargreaves
Big Data Cogn. Comput. 2025, 9(7), 168; https://doi.org/10.3390/bdcc9070168 - 26 Jun 2025
Abstract
►▼
Show Figures
The surge in credit fraud incidents poses a critical threat to financial systems, driving the need for robust and adaptive fraud detection solutions. While various predictive models have been developed, existing approaches often struggle with two persistent challenges: extreme class imbalance and delays
[...] Read more.
The surge in credit fraud incidents poses a critical threat to financial systems, driving the need for robust and adaptive fraud detection solutions. While various predictive models have been developed, existing approaches often struggle with two persistent challenges: extreme class imbalance and delays in detecting fraudulent activity. In this study, we propose an unsupervised Adversarial Autoencoder (AAE) framework designed to tackle these challenges simultaneously. The results highlight the potential of our approach as a scalable, interpretable, and adaptive solution for real-world credit fraud detection systems.
Full article

Figure 1
Open AccessArticle
Enhancing Drone Detection via Transformer Neural Network and Positive–Negative Momentum Optimizers
by
Pavel Lyakhov, Denis Butusov, Vadim Pismennyy, Ruslan Abdulkadirov, Nikolay Nagornov, Valerii Ostrovskii and Diana Kalita
Big Data Cogn. Comput. 2025, 9(7), 167; https://doi.org/10.3390/bdcc9070167 - 26 Jun 2025
Abstract
►▼
Show Figures
The rapid development of unmanned aerial vehicles (UAVs) has had a significant impact on the growth of the economic, industrial, and social welfare of society. The possibility of reaching places that are difficult and dangerous for humans to access with minimal use of
[...] Read more.
The rapid development of unmanned aerial vehicles (UAVs) has had a significant impact on the growth of the economic, industrial, and social welfare of society. The possibility of reaching places that are difficult and dangerous for humans to access with minimal use of third-party resources increases the efficiency and quality of maintenance of construction structures, agriculture, and exploration, which are carried out with the help of drones with a predetermined trajectory. The widespread use of UAVs has caused problems with the control of the drones’ correctness following a given route, which leads to emergencies and accidents. Therefore, UAV monitoring with video cameras is of great importance. In this paper, we propose a Yolov12 architecture with positive–negative pulse-based optimization algorithms to solve the problem of drone detection on video data. Self-attention-based mechanisms in transformer neural networks (NNs) improved the quality of drone detection on video. The developed algorithms for training NN architectures improved the accuracy of drone detection by achieving the global extremum of the loss function in fewer epochs using positive–negative pulse-based optimization algorithms. The proposed approach improved object detection accuracy by 2.8 percentage points compared to known state-of-the-art analogs.
Full article

Figure 1
Open AccessArticle
Evaluating Adversarial Robustness of No-Reference Image and Video Quality Assessment Models with Frequency-Masked Gradient Orthogonalization Adversarial Attack
by
Khaled Abud, Sergey Lavrushkin and Dmitry Vatolin
Big Data Cogn. Comput. 2025, 9(7), 166; https://doi.org/10.3390/bdcc9070166 - 25 Jun 2025
Abstract
►▼
Show Figures
Neural-network-based models have made considerable progress in many computer vision areas over recent years. However, many works have exposed their vulnerability to malicious input data manipulation—that is, to adversarial attacks. Although many recent works have thoroughly examined the adversarial robustness of classifiers, the
[...] Read more.
Neural-network-based models have made considerable progress in many computer vision areas over recent years. However, many works have exposed their vulnerability to malicious input data manipulation—that is, to adversarial attacks. Although many recent works have thoroughly examined the adversarial robustness of classifiers, the robustness of Image Quality Assessment (IQA) methods remains understudied. This paper addresses this gap by proposing FM-GOAT (Frequency-Masked Gradient Orthogonalization Attack), a novel white box adversarial method tailored for no-reference IQA models. Using a novel gradient orthogonalization technique, FM-GOAT uniquely optimizes adversarial perturbations against multiple perceptual constraints to minimize visibility, moving beyond traditional -norm bounds. We evaluate FM-GOAT on seven state-of-the-art NR-IQA models across three image and video datasets, revealing significant vulnerability to the proposed attack. Furthermore, we examine the applicability of adversarial purification methods to the IQA task, as well as their efficiency in mitigating white box adversarial attacks. By studying the activations from models’ intermediate layers, we explore their behavioral patterns in adversarial scenarios and discover valuable insights that may lead to better adversarial detection.
Full article

Figure 1
Open AccessArticle
Exploring Factors Impacting User Satisfaction with Electronic Payment Services in Taiwan: A Text-Mining Analysis of User Reviews
by
Shu-Fen Tu and Ching-Sheng Hsu
Big Data Cogn. Comput. 2025, 9(7), 165; https://doi.org/10.3390/bdcc9070165 - 25 Jun 2025
Abstract
Electronic payments are becoming increasingly popular in Taiwan; however, there is a lack of studies examining the factors affecting user satisfaction with electronic payments in Taiwan. This study focuses on Android phone users to identify key factors influencing their experiences based on user
[...] Read more.
Electronic payments are becoming increasingly popular in Taiwan; however, there is a lack of studies examining the factors affecting user satisfaction with electronic payments in Taiwan. This study focuses on Android phone users to identify key factors influencing their experiences based on user reviews of electronic payment mobile applications. It analyzes which factors contribute to positive satisfaction and which lead to negative experiences. The study employed BERTopic for topic modeling, which flexibly accommodates multiple languages, enabling effective examination of reviews written in Chinese. Additionally, we utilized the semantic understanding capabilities of large-scale language models to preliminarily name the generated topics with the help of ChatGPT Plus. These preliminary names were then manually refined to determine the final topic titles. The findings reveal that for Android phone users, electronic payment services that enhance user convenience and offer discounts tend to foster positive satisfaction. Conversely, the instability of electronic payment applications results in many user complaints. These research results can provide valuable insights for specialized electronic payment institutions in Taiwan to enhance their services.
Full article
(This article belongs to the Special Issue Business Intelligence and Big Data in E-commerce)
►▼
Show Figures

Figure 1

Journal Menu
► ▼ Journal Menu-
- BDCC Home
- Aims & Scope
- Editorial Board
- Reviewer Board
- Topical Advisory Panel
- Instructions for Authors
- Special Issues
- Topics
- Topical Collections
- Article Processing Charge
- Indexing & Archiving
- Editor’s Choice Articles
- Most Cited & Viewed
- Journal Statistics
- Journal History
- Journal Awards
- Editorial Office
Journal Browser
► ▼ Journal BrowserHighly Accessed Articles
Latest Books
E-Mail Alert
News
Topics
Topic in
AI, BDCC, Fire, GeoHazards, Remote Sensing
AI for Natural Disasters Detection, Prediction and Modeling
Topic Editors: Moulay A. Akhloufi, Mozhdeh ShahbaziDeadline: 25 July 2025
Topic in
Algorithms, BDCC, BioMedInformatics, Information, Mathematics
Machine Learning Empowered Drug Screen
Topic Editors: Teng Zhou, Jiaqi Wang, Youyi SongDeadline: 31 August 2025
Topic in
IJERPH, JPM, Healthcare, BDCC, Applied Sciences, Sensors
eHealth and mHealth: Challenges and Prospects, 2nd Edition
Topic Editors: Antonis Billis, Manuel Dominguez-Morales, Anton CivitDeadline: 31 October 2025
Topic in
Actuators, Algorithms, BDCC, Future Internet, JMMP, Machines, Robotics, Systems
Smart Product Design and Manufacturing on Industrial Internet
Topic Editors: Pingyu Jiang, Jihong Liu, Ying Liu, Jihong YanDeadline: 31 December 2025

Conferences
Special Issues
Special Issue in
BDCC
Advances and Applications of Deep Learning Methods and Image Processing
Guest Editors: Robail Yasrab, Md Mostafa Kamal SarkerDeadline: 16 July 2025
Special Issue in
BDCC
Applications of Artificial Intelligence and Data Management in Data Analysis
Guest Editors: Jorge Bernardino, Le Gruenwald, Elio Masciari, Laurent D'OrazioDeadline: 31 July 2025
Special Issue in
BDCC
Machine Learning and the Renewable Energy Transition
Guest Editors: Esposito Luca, Annamaria Nese, Anna Parziale, Xihui ChenDeadline: 31 July 2025
Special Issue in
BDCC
Field Robotics and Artificial Intelligence (AI)
Guest Editors: Robert Ross, Alex StumpfDeadline: 20 August 2025