Next Article in Journal
Real-Time Deterministic Lane Detection on CPU-Only Embedded Systems via Binary Line Segment Filtering
Previous Article in Journal
Transient Voltage Support Strategy for Microgrids at the Distribution Network Edge Considering Cable Capacitance
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Hybridizing Explainable AI (XAI) for Intelligent Feature Extraction in Phishing Website Detection

by
Rashed Alsakarnah
*,
Mohammad Z. Masoud
and
Ahmad Ghababsheh
Electrical Engineering Department, Al-Zaytoonah University of Jordan, Amman 11733, Jordan
*
Author to whom correspondence should be addressed.
Electronics 2026, 15(2), 350; https://doi.org/10.3390/electronics15020350
Submission received: 2 December 2025 / Revised: 29 December 2025 / Accepted: 8 January 2026 / Published: 13 January 2026
(This article belongs to the Section Artificial Intelligence)

Abstract

This study proposes an explainability-driven feature selection framework for phishing website detection using a large-scale, heterogeneous dataset collected from four independent sources. The combined dataset contains approximately 500,000 samples, including 300,000 phishing pages and 200,000 legitimate pages, providing a comprehensive representation of real-world web traffic. To enhance model interpretability and reduce feature redundancy, four explainable artificial intelligence (XAI) techniques—SHAP, LIME, partial dependence plots (PDPs), and permutation importance (PDI)—were applied to rank and analyze feature contributions. The union of all selected features was subsequently refined through a thresholding mechanism, forming the proposed Hybrid Explainability Random Forest Algorithm (HXRF). A Random Forest (RF) classifier was trained using the optimized feature subset and evaluated on an independently sampled set of 2000 webpages. Results demonstrate that HXRF significantly improves classification performance, achieving an accuracy of 98.2%, with balanced precision, recall, and F1 scores. The confusion matrix confirms strong generalization across both phishing and legitimate classes, with minimal false predictions. This work demonstrates that combining multi-method XAI with selective feature filtering produces a compact, interpretable, and highly discriminative feature set capable of robust phishing detection at scale.

1. Introduction

The internet has become an inseparable part of modern life, shaping how people communicate, conduct business, and access information. From social networking and e-commerce to financial transactions and entertainment, almost every aspect of daily activity now relies on online connectivity. This rapid integration has paved the way for new technological paradigms such as the Internet of Things (IoT) [1], smart homes [2] and smart cities [3] where billions of interconnected devices exchange data autonomously to enhance efficiency and improve human convenience. These advancements have transformed homes, industries, and critical infrastructures into smart, interconnected ecosystems, bringing unprecedented opportunities for automation, real-time decision-making, and global collaboration.
However, the same connectivity that drives innovation also exposes individuals and organizations to significant cybersecurity risks. Among the various cyber threats, phishing attacks remain one of the most pervasive and damaging [4]. Phishing is a fraudulent practice where attackers impersonate trusted entities to deceive users into revealing sensitive information, such as passwords, credit card details, or financial credentials. According to the Anti-Phishing Working Group (APWG), phishing attacks reached record levels in recent years, with over 4.7 million attacks reported globally in 2023, marking a 150% increase compared to 2020 [5]. Financial losses are staggering; for instance, the FBI’s Internet Crime Complaint Center reported that phishing-related crimes accounted for over 44% of all reported cyber incidents in 2023, resulting in billions of dollars in damages [6]. These statistics highlight the urgency of developing robust and intelligent solutions to detect phishing websites and protect users before sensitive information is compromised.
Traditional phishing detection methods—such as blacklists [7], heuristic rules [8], and URL-based filtering [9]—have been widely deployed but remain limited in adaptability. Blacklists can only block previously reported phishing domains, leaving users vulnerable to newly created malicious websites. Heuristic-based approaches, while more dynamic, often suffer from high false-positive rates and require constant manual updates to remain effective. To overcome these limitations, researchers have increasingly turned to machine learning (ML) and deep learning (DL) techniques, which can analyze large datasets of web features and learn complex patterns that distinguish phishing websites from legitimate ones. ML and DL methods have shown significant promise by enabling real-time detection, adaptability to evolving attack strategies, and superior accuracy compared to classical methods [10,11].
This paper proposes a novel phishing detection model called HXRF (Hybrid Explainable Random Forest) that addresses key limitations of existing approaches by combining the predictive power of machine learning with the interpretability of explainable artificial intelligence (XAI). HXRF introduces a two-layer architecture: the first layer performs feature selection using four complementary XAI algorithms—SHAP, LIME, PDP, and Permutation Importance (PDI)—to identify the most discriminative and relevant features from the dataset. These algorithms capture different perspectives of feature influence, ensuring a more stable and unbiased selection process. The second layer utilizes a Random Forest classifier trained on the optimized feature set to accurately classify websites as phishing or legitimate. To further enhance performance, the feature-ranking computations of the XAI algorithms are executed in parallel using multithreading or GPU acceleration, reducing computational overhead while maintaining high accuracy. By integrating multiple XAI techniques, HXRF not only improves the robustness of the selected features but also provides interpretable insights into the detection process, making it more transparent and trustworthy for cybersecurity analysts.
Our contribution in this work can be summarized as follows:
  • Hybrid XAI-driven feature selection: A unique integration of SHAP, LIME, PDP, and PI is employed to extract and rank the most relevant features, combining multiple interpretability perspectives to improve the robustness of the final feature set.
  • Enhanced detection accuracy and transparency: By leveraging the strengths of multiple XAI methods alongside a Random Forest classifier, HXRF achieves high classification accuracy while maintaining model interpretability, enabling cybersecurity experts to understand the rationale behind each prediction.
  • Flexible architecture: Although Random Forest is employed as the primary classifier, the framework allows the substitution of other ML or DL models without modifying the XAI-driven feature selection layer, making the system adaptable to future phishing detection advancements.
The rest of this paper is organized as follows. Section 2 provides an overview of the background of the phishing detection and feature extraction process. Section 3 introduces the HXRF algorithm. Section 4 provides an overview of the experiment. Section 5 discusses the obtained results. We conclude this paper in Section 6.

2. Background

This section reviews feature types leveraged in the process of phishing detection. Subsequently, it reviews XAI and its algorithms. Finally, it shows the related works that have been conducted in ML and DL in the area of web phishing detection.

2.1. Features Utilized in Phishing Detection

Phishing websites evolve rapidly, making detection difficult with any single indicator. Reliable models therefore combine multiple feature types that capture structural, semantic, and behavioral patterns. These features form the foundation for machine learning and deep learning algorithms to distinguish phishing sites from legitimate ones. Figure 1 shows these categories. In refs. [12,13] the authors review and survey different features and methods utilized in phishing detection. The following list summarize these features.
  • URL-Based Features
URL features describe the structure and composition of a web address. Indicators such as excessive length, suspicious subdomains, embedded IP addresses, or abnormal use of special characters often reveal deceptive intent. These features are easily extracted, and do not require the retrieving of the website or reading of its content. In ref. [13], the authors proposed a CNN model to detect website phishing utilizing features extracted from the URL only, such as, hand-crafted features, character embeddings, character-level TF-IDF, and character-level count. The authors reported an accuracy of 95% on their own constructed dataset that combined websites from four different datasets available online. Approximately 500k links have been combined in the new dataset.
  • HTML/DOM Features
These features reflect the internal structure of a webpage, including suspicious tags, hidden elements, or abnormal script usage. Phishing sites frequently manipulate HTML or JavaScript to obscure true links or mimic trusted layouts. These features require reading the website code and extracting the website’s structure. In ref. [14], the authors attempted to leverage the internal structure of HTML code to generate a graph. Subsequently, a Graph neural network has been utilized to extract features from the constructed graphs. Finally, URL-based features have been added and a CNN has been used for the final classification purpose. PhishTank [15] has been used to create the dataset used with approximately 100k links.
  • Content-Based Features
Content features evaluate textual and visual elements on the page. Mismatched logos, misspellings, or misleading language in forms and pop-ups can indicate fraudulent intent. These features are popular in Email and short message (SMS) phishing detection [16]. The survey in ref. [17] reviews how NLP is utilized to extract features for different Email phishing detection techniques.
  • Network-Based Features
Network attributes capture the hosting environment, such as WHOIS data, DNS records, server location, or SSL certificate details. Short domain lifespans, hidden registrants, or untrusted certificate issuers are common red flags. Many statistical features can be extracted, such as traffic volume, PageRank index and Google index. The authors in ref. [18] utilized these features and combined them with other features, such as URL features to construct a web phishing detector using ANN. Two different sources of data have been used: PhishTank and the phishing dataset at UCI. An Optimal sensitive feature selection algorithm has been proposed to rank features. This index has been leveraged for feature selection.
  • Visual Features
Visual similarity metrics compare the phishing page to legitimate targets using image hashing or screenshot analysis [19]. High resemblance to known brands can expose imitation attacks.
  • F. Behavioral Features
Behavioral indicators arise from user interaction or site dynamics, such as abnormal redirection chains, fast-changing URLs, or inconsistent response times. In ref. [20], the authors employ real-time behavioral analysis of DNS and HTTP traffic to detect phishing domains as they evolve.
  • Hybrid Features
Hybrid features combine multiple categories—such as merging URL, content, and network signals—to improve detection accuracy and robustness. This is the most popular category for features used in most of the proposed methods as shown in Table 1.

2.2. Explainable Artificial Intelligence (XAI) Algorithms

Explainable Artificial Intelligence (XAI) [21] is a field of research that aims to reduce the opacity of complex machine learning models by providing interpretable representations of their decision-making processes. Modern ML and DL algorithms are capable of modeling highly nonlinear relationships in data, but this flexibility comes at the cost of interpretability, a property that describes the degree to which a human can consistently predict a model’s output given its input. In formal terms, XAI seeks to approximate or expose the decision function f : R n R of a predictive model by mapping high-dimensional feature spaces into human-comprehensible structures without significantly degrading predictive accuracy. In other words, XAI attempts to explain how certain features impact the accuracy of the developed algorithm. XAI methods are typically classified along two key theoretical dimensions:
  • Model specificity: whether the explanation is tied to a particular class of models, such as decision trees or linear models, or is model-agnostic and applicable to any black-box function.
  • Scope of explanation: whether the explanation targets the global behavior of the model “the approximate functional form of f x across the input space” or provides a local explanation of a single instance x 0 by approximating f x in a neighborhood around x 0 . Many XAI approaches can be viewed as constructing a surrogate function g x that is interpretable, such as a linear or rule-based function that satisfies a fidelity constraint as in Equation (1).
min g E x D L f x , g x
where L is a loss function measuring the divergence between the predictions of the black-box model f x and the surrogate g x . High-fidelity surrogates preserve the decision boundary of the original model while remaining simple enough for human reasoning. The following subsections describe XAI algorithms utilized in this work.

2.2.1. Model-Specific Interpretable Models

Model-specific approaches [22] leverage the internal structure of the predictive model to generate explanations. Because the interpretability is intrinsic, no external surrogate is required. Popular algorithms in this model are the Tree-based algorithms, such as RF, ExtraTrees and DT. The proposed model is constructed utilizing an RF algorithm. Interpretability in Random Forests is achieved through feature importance measures that quantify the contribution of each input variable to the ensemble’s predictive power. A common approach is Mean Decrease in Impurity (MDI), where the importance of feature j is computed as the total reduction in Gini impurity or entropy across all splits involving j weighted by the number of samples reaching each node. Alternatively, Permutation Feature Importance (PFI) evaluates the change in model accuracy when the values of feature j are randomly permuted. Feature importance is calculated as in Equation (2).
I m p o r t a n c e j = E A c c u r a c y X A c c u r a c y x p e r m j
Both metrics provide global explanations by ranking features such as URL length, number of subdomains, or presence of HTTPS according to their impact on phishing detection.

2.2.2. Local Interpretable Model-Agnostic Explanations (LIME)

LIME [23] constructs a local surrogate model around the instance of interest x 0 to approximate the behavior of the black-box model f x . The method samples a set of perturbed points x i in the neighborhood of x 0 , obtains their predictions f x i and fits a sparse linear model g x that minimizes Equation (3).
L f , g , π x 0 = i π x 0 x i f x i g x i 2 + Ω g
where π x 0 is a proximity kernel assigning higher weights to points closer to x 0 and Ω g is a complexity penalty. The coefficients of g x represent feature importance in the local region, showing which URL tokens or HTML patterns drove the specific phishing prediction.

2.2.3. SHapley Additive exPlanations (SHAP)

SHAP [24] uses Shapley values from cooperative game theory to compute the marginal contribution of each feature to the model’s prediction.
Given a set of features F the Shapley value for feature j is defined in Equation (4).
j = S   F j S ! F S 1 ! F !   f S j x S j f S x s  
where f S is the model prediction using only features in subset S . This ensures fair attribution by averaging all possible coalitions of features. SHAP values satisfy key properties such as local accuracy, consistency, and symmetry, making them theoretically grounded. In phishing detection, SHAP can precisely quantify the impact of features such as SSL status or domain age on an individual prediction.

2.2.4. Feature Interaction and PDP/ALE

Partial Dependence Plots (PDP) [25] and Accumulated Local Effects (ALE) estimate the marginal effect of a feature subset S on the prediction by computing Equation (5).
f S x S = E x S f x S ,   x S
where S is the complement set. These techniques reveal non-linear dependencies and interactions, such as how URL length interacts with the presence of special symbols to elevate phishing risk.

2.2.5. Permutation Feature Importance

Permutation Importance (PDI) [26] is a model-agnostic method that measures how much a model’s predictive performance deteriorates when the relationship between a feature and the target is disrupted. After training a model f on a validation set D   =   x i ,   y i , the baseline metric M b a s e accuracy is computed. For each feature j , its values x i j are randomly permuted across samples to break any predictive association, yielding a permuted dataset D π j . The model is re-evaluated to obtain M j , and the importance score is computed in Equation (6).
P I j = M b a s e M j
A larger drop indicates a stronger contribution of feature j to the model’s decision function.
Because PI operates directly on the trained model’s outputs, it captures nonlinear interactions and can be applied to any classifier, including Random Forests and deep networks. In phishing detection, PI can rank diverse features such as URL length, SSL status, or redirection count by their true predictive value, helping analysts prioritize key indicators and refine feature selection.

2.3. ML and DL in Phishing Detection

Phishing detection has progressed from rule-based heuristics to data-driven machine learning (ML) and deep learning (DL) approaches capable of handling complex, high-dimensional data. Studies in Table 1 show that both paradigms routinely achieve more than 95% accuracy, but differ in methodology, feature handling, and scalability.
ML models such as Random Forest (RF), XGBoost, SVM, and Logistic Regression remain widely used for their efficiency and interpretability. RF, in particular [27,28,29,30,31,32], reaches up to 99.99% accuracy by leveraging ensemble learning and built-in feature importance, while feature selection methods—including fuzzy rough sets [32], explainable ranking [28], and reinforcement learning [33] remove redundancy and enhance generalization. These models excel when handcrafted features, such as URL length, domain age, HTML structure, and lexical cues, are carefully engineered and require less data and computation than DL.
DL models, by contrast, automatically learn representations from raw URLs, email text, or webpage content. Architectures such as CNNs, LSTMs, BERT, TCN, and fully connected networks achieve state-of-the-art performance, with reported accuracies up to 99.8% [34]. CNNs capture character-level URL patterns [13,35,36], while LSTMs model sequential dependencies in URLs or emails [37,38,39], and transformers like BERT exploit contextual embeddings for email content [37]. DL reduces the need for manual feature engineering but demands larger datasets and greater computational resources.
Overall, ML relies on explicit feature design and offers easier explainability, making it attractive for settings requiring transparency, whereas DL scales better with large, unstructured data and discovers complex patterns automatically. Emerging hybrid systems combine DL-based feature extraction with ML classifiers [35], seeking to merge DL’s representational power with ML’s interpretability and efficiency for robust phishing detection.
Table 1. Comparison of different phishing Detection Techniques and Their Datasets.
Table 1. Comparison of different phishing Detection Techniques and Their Datasets.
Ref.Dataset DetailsML/DLAccuracySelected FeaturesFeature Selection Method(s)
[37]Email dataset BERT, LSTM99.61Textual features extracted using NLP techniquesNone
[38]URL dataset LSTM, XGBoost96.04Character-level TF-IDF featuresNone
[27]URL datasetRandom Forest96.83Hybrid features: URL-based and hyperlink-based featuresFilter-based ranking and incremental removal of less important features
[28]Mendeley datasetRandom Forest97.7823 features selected from an original set of 48 featuresExplainable feature selection framework
[40]PhiUSIIL datasetFCNN99.356 features heuristic-based and statisticalNone
[41]A new datasetnonenone111 features combined of all typesNone
[42]DARTH EmailANN, XGBoost99.98Combined features from Email content and NLPNone
[33]Email datasetReinforcement (RAIDER)94.00Reduced feature set through reinforcement learning-based feature evaluationReinforcement learning-based feature evaluation
[29]Email dataset (English-Arabic)Random Forest97.37Domain names, IP addresses, open portsNone
[35]Website Phishing DetectionDNN, LSTM, CNN with Grid Search and Genetic
97.37Combined 48 features (Tan-dataset)none
[39]AntiPhishStack
LSTM, XGBoost96.05URL and TF-IDF with 30 featuresnone
[30]Website phishingTwo models XGboost, RF, SVM, LR99.75 new features: Information (CN), Logo Domain (LD), Form Action Domain (FAD), Most Common Link in Domain (MCLD) and Cookie DomainRank the 5 features
[32]Benchmark dataset with 14,000 website samplesRandom Forest95.00Universal feature set selected using Fuzzy Rough Set theoryFuzzy Rough Set feature selection
[43]Turkish email datasetKeras-based deep learning model93.97Textual and structural featuresNone
[31]UCI ML phishing URL datasetRandom Forest99.99URL-based featuresNone
[36]URL phishing detector1D CNN99.7Combined features from multi sourcesNone
[34]Dataset with 11,449 samplesTCN99.8Title, copyright information, NER, login form detection, keyword-based retrievalNone
[13] website phishing CNN95URL featuresNone
[44]website phishingMulti-stacked model with multi-ML algorithms97Combined features 80 featuresNone
[45]website phishingTwo layers of multi-ML algorithms96.5Combined features 80 featuresNone

3. The Hybrid XAI-Random Forest (HXRF) Model

The HXRF (Hybrid Explainable Random Forest) model is a two-tier web-phishing detection framework that combines explainable artificial intelligence (XAI) feature selection with a high-performance machine learning classifier to accurately categorize websites as legitimate or phishing. The model is structured into two sequential layers that work in harmony to achieve both interpretability and predictive accuracy. Figure 2 shows the architecture of HXRF.
The first layer performs feature selection using four complementary XAI algorithms—SHAP, LIME, PDP and PI. Each of these algorithms evaluates the contribution of every feature to the prediction outcome on a per-sample basis, meaning that a single execution provides importance scores only for one data instance. Relying on a single XAI technique can lead to bias or the omission of important attributes because each method uses different mathematical foundations and interpretability strategies. SHAP, for example, is based on cooperative game theory and captures both global and local effects, while LIME focuses on local perturbations, PDP measures the average marginal effect of features, and PI evaluates changes in model performance when a feature is permuted. By combining the outputs of these methods, HXRF leverages their diverse perspectives to construct a more stable, comprehensive, and trustworthy feature ranking. This multi-algorithm approach reduces the risk of overfitting to the biases of any single method and ensures that subtle but important features are not overlooked.
To create a global ranking across the entire dataset, HXRF executes each XAI algorithm over all samples and aggregates the results by calculating the mean importance score of every feature. The aggregated scores are then normalized and compared to a global threshold defined as the mean of all feature means, and features whose scores are greater than or equal to this threshold are retained for each algorithm. To accelerate this computationally intensive process, HXRF employs parallelization using multithreading or GPU acceleration with CUDA, enabling SHAP, LIME, PDP, and PI to operate concurrently on different subsets of the data. After all algorithms complete their evaluations, the top-ranked features from each method are combined through a union operation, and duplicate or redundant features are removed to form a single optimized feature subset. This subset represents the most discriminative and interpretable attributes within the dataset and serves as the input to the second layer of HXRF.
The second layer applies a Random Forest (RF) classifier trained on the reduced feature space to predict whether a given website is legitimate or phished. RF is selected for its strong performance in high-dimensional spaces and its robustness to overfitting, although the architecture of HXRF is modular and can accommodate alternative machine learning or deep learning classifiers (such as XGBoost or neural networks) without altering the upstream feature selection process. This flexibility ensures that the model can be adapted to different datasets or evolving phishing strategies without redesigning the entire pipeline.
The key advantages of HXRF are multifold. First, it achieves high interpretability, as the feature selection layer provides transparent insights into which features most strongly influence classification decisions. Second, it ensures computational efficiency by employing parallelized scoring and ranking, significantly reducing processing time for large datasets. Third, it offers flexibility through its model-agnostic classification layer, allowing seamless integration of different learning algorithms. Fourth, it provides enhanced robustness and stability by combining multiple XAI methods, which minimizes the risk of feature selection bias and ensures that the final feature set reflects a balanced consensus of importance rather than the limitations of a single method. Finally, HXRF delivers enhanced predictive accuracy, as the integration of diverse XAI perspectives ensures that only the most relevant and non-redundant features are retained, producing a more discriminative and reliable feature space for phishing detection. Figure 3 shows the Pseudo code of HXRF.

4. Experiment

The experimental workflow consists of two main stages: (1) dataset construction and (2) model training and evaluation. This section presents the full methodology used to create a large-scale phishing detection dataset and describes the machine learning pipeline implemented using a Random Forest classifier.

4.1. Phishing URL Collection

The first part of the dataset was constructed by downloading approximately 300,000 phishing URLs using the abuse.ch API [46] the links has been confirmed and recently reported malicious URLs, URLHaus provides continuously updated, verified phishing and malware domains, ensuring high-quality malicious samples.
The second part of the phished links has been downloaded from Kaggle [47]. This dataset consists of 2000 links with 88 different features. The description of these features is described in [48]. This dataset is a mixture of phishing and legitimate webpages. This dataset served as both a benchmark and a reference for designing the feature extraction process for the newly collected URLs. Finally, to add more legitimate webpages, a list of websites has been downloaded using Cloudflare Radar. In the end, the list consisted of approximately 505k sites.

4.2. Feature Extraction for Collected URLs

To ensure consistency between the Kaggle dataset and the URLs gathered from URLHaus, a custom Python 3 pipeline was developed to extract the same 88 features from all additional samples. Multiple external services, APIs, and Python libraries were integrated to compute these features. Examples include:
  • Google Indexing check (to evaluate whether the page is indexed by Google Search)
  • Domain age and registration details via WHOIS lookup libraries
  • URL and hostname lexical features (length, number of dots, entropy, etc.)
  • SSL certificate attributes collected through TLS inspection
  • JavaScript features, form analysis, and link statistics parsed directly from webpage HTML
This extraction pipeline ensured uniform feature representation across all data sources. After processing, the unified dataset contained, 300k phishing URLs and 200k normal URLs. Approximately 500k samples total with 88 features each.

4.3. Model Training Using Random Forest

Hardware Setup

All experiments were conducted on a workstation equipped with:
  • Intel Core i7 (12th Generation)
  • NVIDIA GeForce RTX 5070 GPU
  • 16 GB RAM
Although Random Forest is CPU-based and does not rely on GPU acceleration, the hardware configuration ensured smooth execution of feature extraction, preprocessing, and large-scale data handling. Python has been utilized with different Libs, such as pandas, scikit-learn, matplotlib, lime, shap and dice-ml. Random Forest (RF) was selected as the primary classifier for the following reasons:
High performance on tabular data: RF is well-known for its strong accuracy and robustness when dealing with heterogeneous, structured datasets such as URL-based features.
  • Resistance to overfitting: Through the use of multiple decision trees and bootstrap sampling, RF generalizes well even with large feature sets.
  • Interpretability and compatibility with XAI: RF integrates smoothly with SHAP, LIME, PDP, and PDI for explainability, making it ideal for XAI-guided feature selection.
  • Feature importance analysis: RF naturally provides importance scores that facilitate downstream ranking and correlation with XAI outputs.
  • Scalability: RF can effectively handle datasets with hundreds of thousands of samples without requiring GPU acceleration.
Given these advantages, RF was chosen as the core predictive model and served as the foundation for evaluating the impact of different feature selection methods.

5. Results

This section begins by establishing a baseline for comparison with HXRF. It then presents the outputs of the selected explainable AI (XAI) methods applied to the dataset, followed by a description of the Random Forest (RF) classification process using the features selected by these methods. Finally, the accuracy of the proposed HXRF model is reported. To illustrate the behavior of the XAI techniques, SHAP and LIME are employed.
The complete dataset is used with 10-fold cross-validation to train five classifiers: Random Forest (RF), XGBoost, Logistic Regression (LR), Support Vector Machine (SVM), and K-Nearest Neighbors (KNN). A paired t-test on F1-scores is subsequently conducted to assess the statistical significance of performance differences among the models. The results are summarized in Table 2 and Table 3. Tree-based ensemble models outperform both linear and distance-based classifiers, with XGBoost achieving the highest overall performance, closely followed by RF. The paired t-test analysis indicates that the performance difference between XGBoost and Random Forest is not statistically significant (p > 0.05), while both models significantly outperform LR, SVM, and KNN.
Figure 4 shows the confusion matrix of both XGBoost and RF baselines.
For XAI models, LIME offers a straightforward way to interpret a model’s prediction for an individual data sample by quantifying the contribution of each feature. Rather than providing only a final classification, LIME reveals which specific features pushed the sample toward being labeled as normal or abnormal. Positive feature values indicate that the feature supports a normal classification, increasing the likelihood that the sample is safe, whereas negative values indicate that the feature drives the prediction toward abnormal or suspicious. For instance, a website was randomly selected from the dataset, and LIME was applied to this sample. Figure 5 presents the LIME output for half of the features affecting this sample. The analysis showed that features such as nb_dollar ≤ 0, nb_tilde ≤ 0, and domain_in_brand ≤ 0 contributed positively toward a normal classification, while features like google_index ≤ 0, page_rank between 3 and 5, and low web traffic pushed the prediction toward abnormal. Overall, the positive contributions were stronger, resulting in a final classification of normal, as the safe indicators outweighed the suspicious ones.
Figure 6 illustrates the SHAP analysis for the same website sample. SHAP provides feature-level explanations by showing the contribution of each feature to the phishing prediction. For this sample, “length_hostname” had a SHAP value of –0.2 (red), pushing the model toward phishing, while “length_url” had a value of 0.2 (green), pushing the prediction toward legitimate. Red bars indicate features that increase the likelihood of phishing, and green bars indicate features that support normal behavior. In this case, the positive effect of “length_url” slightly outweighed the negative impact of “length_hostname”, so the overall prediction for the website leaned toward normal. This demonstrates how SHAP can explain the influence of individual features on a model’s decision.
Figure 5 and Figure 6 illustrate how the employed XAI algorithms explain the influence of individual features on specific samples. In our methodology, these explanation techniques are used not only for interpretability but also as a mechanism for feature selection by providing ranked importance scores for all features.
Figure 7 presents the top 20 features ranked by the four XAI selected algorithms, computed using their mean absolute contribution values across the entire dataset. As shown, the two algorithms do not produce identical rankings. For instance, “google_index” appears as the most influential feature in both SHAP and LIME. However, discrepancies emerge in the subsequent ranks: “page_rank” is identified as the second most important feature by SHAP, whereas LIME places it in the third position. It worth mentioning that extracting the top features of SHAP was fast compared with the other algorithms, taking 4 min. However, LIME and PDI required the longest time with approximately 35 min.
These differences highlight an important observation: relying solely on a single XAI method for feature ranking may introduce bias and potentially reduce the model’s overall accuracy. Using multiple XAI algorithms provides a more robust assessment of feature importance and reduces the risk of overfitting or misrepresenting the underlying data patterns.
Figure 8 presents the performance of the RF classifier when trained using the top 20 features selected by the four algorithms. To assess the contribution of each feature, the classifier was evaluated incrementally: starting with only the single most important feature, then the top two, and continuing until all twenty features were included. The results demonstrate that SHAP-based feature ranking enables the classifier to achieve higher accuracy more rapidly compared with other algorithms. In other words, SHAP identifies a more informative subset of features earlier, allowing the model to reach strong performance with fewer inputs. For instance, the accuracy curve for SHAP begins to stabilize after approximately 12 features, indicating that additional features contribute only marginal improvements. In addition, PDP conversions were faster than others with 15 features. In contrast, LIME requires nearly the full set of 20 features to reach a comparable level of accuracy. This difference suggests that SHAP and PDP provide a more efficient ordering of feature importance, while LIME distributes importance more gradually across a larger number of features. These findings further support the use of multiple XAI techniques for feature selection, as they reveal complementary insights and help avoid overlooking critical features.
The RF ML algorithm has been trained with 10-fold-cross validation utilizing the 79 features in the dataset. An 0.965% accuracy has been recorded. To enhance this value, the HXRF selects features from four different XAI algorithms. Three different methods could be utilized. First, an intersect between the top ranked features in these algorithms could be used. The top 20 features have been selected in all algorithms since 20 features are above the mean value of the importance value of features in SHAP, PDP and LIME. With the intersection, six different features are selected. The importance of each one of these features have been calculated by averaging the importance value of all algorithms. Figure 9 shows these features.
The second method of feature selection is the union of all features. Figure 10 shows 49 different features selected from the algorithms with their importance value. The third and the utilized method is to calculate the mean of the union features. Subsequently, this value is utilized as a threshold value for feature selection. Figure 11 shows 12 selected features.
To evaluate HXRF against alternative configurations, an RF model is first trained using the complete feature set, as reported in Table 2. The RF model is then retrained using subsets of top-ranked features, specifically those whose importance scores exceed the mean ranking value produced by each XAI method employed in this study. Additionally, RF models are trained using both the intersection and the union of features selected by the XAI techniques. In total, this results in seven distinct models. The performance of each model is evaluated in terms of accuracy, F1-score, precision, and recall, with the results summarized in Table 4. The results demonstrate a clear performance advantage of the proposed HXRF model over all other RF-based configurations. This indicates that the hybrid explainability-driven feature selection strategy effectively preserves discriminative information while reducing redundancy. This confirms that integrating multiple XAI insights in a guided manner leads to a more informative and balanced feature subset.
The Union + RF model performs comparably to the full-feature RF, indicating that aggregating features from different XAI methods retains most of the predictive power but does not provide additional gains due to residual feature redundancy. In contrast, the Intersect + RF configuration exhibits a substantial performance drop across all metrics, particularly in F1-score (0.7567) and precision (0.7115). This highlights that relying solely on features agreed upon by all XAI methods is overly restrictive, leading to the exclusion of complementary yet informative features and resulting in underfitting.
Among individual XAI-based feature selection approaches, SHAP + RF achieves the strongest performance, followed closely by LIME + RF and PDI + RF. This suggests that local and global feature attribution methods are effective at identifying relevant features, although their isolated use does not fully capture the complementary information exploited by HXRF. PDP + RF shows moderate performance, particularly in recall, indicating that partial dependence–based feature selection may overlook interaction effects critical for accurate classification.
In addition to the overall performance metrics, the stability of each model across the 10-fold cross-validation is also informative. Table 5 reports the standard deviation of accuracy across folds. HXRF exhibits a slightly higher standard deviation compared to the full-feature RF baseline, reflecting some variability introduced by the feature selection process. Nevertheless, this variation remains small, indicating that HXRF is generally robust across different data splits. Models based on intersected features show substantially higher standard deviations, suggesting that overly restrictive or incomplete feature sets can lead to inconsistent performance depending on the training fold.
The statistical significance analysis further supports the superiority of HXRF. A paired t-test comparing HXRF with the full-feature RF yields a t-statistic of −2.6374 and a p-value of 0.0270, indicating that the observed improvement in F1-score is statistically significant at the 5% level. This finding is corroborated by the Wilcoxon signed-rank test (statistic = 6.0, p-value = 0.0293), which confirms that the performance gains are not due to random variation.
Together, these results highlight that HXRF not only achieves higher predictive accuracy but also maintains stable and statistically significant improvements over standard RF models. The modest increase in cross-validation variability is an acceptable trade-off for the significant gains in performance, particularly when compared with unstable configurations like the intersected or partial dependence–based feature subsets. This emphasizes that carefully guided feature selection through HXRF improves both efficiency and reliability without sacrificing robustness. Figure 12 shows the confusion matrix of HXRF on the 500k dataset.
Figure 13 presents the confusion matrix obtained from testing the proposed HXRF-enhanced Random Forest model on an independent dataset of approximately 2000 samples, using the optimized feature subset derived from the thresholded Union (HXRF) selection. The model correctly classified 1122 true negatives and 1089 true positives, while producing only 35 false positives and 40 false negatives. These results indicate highly stable predictive behavior across both classes. The balance between false positives and false negatives further demonstrates that the model does not exhibit bias toward either the normal or abnormal class, maintaining consistent sensitivity and specificity. Overall, the confusion matrix confirms the strong generalization capability of the HXRF-guided feature reduction strategy, validating the previously reported performance metrics and supporting the conclusion that thresholding the multi-method XAI Union produces a compact yet highly discriminative feature set. This final experiment reinforces that HXRF not only improves accuracy, reaching 98.2% in the full evaluation, but also delivers robust and reliable predictions when tested on real, unseen data.
Finally, since HXRF employs multiple XAI models in its first layer to rank features for the selection process, it is important to assess the algorithm’s performance and computational cost in real time. Table 6 reports the average execution time for each XAI method used in the first layer to extract and rank features for a single sample. It should be noted that these methods are executed in parallel across different threads, resulting in an average increase of only 0.73 s for the feature ranking process. Importantly, this overhead does not make HXRF a slow algorithm, as XAI is applied solely during training for feature selection and is not used in the online prediction phase. Consequently, HXRF achieves faster predictions than the baseline models, requiring the extraction of only 12 features compared to 80 in the full-feature approach.

6. Conclusions

This paper introduced a hybrid explainability-driven feature selection framework designed to improve phishing website detection while maintaining interpretability and computational efficiency. A comprehensive dataset was constructed from four different sources, yielding nearly half a million samples with a realistic distribution of 300,000 phishing and 200,000 legitimate webpages. Four XAI algorithms—SHAP, LIME, PDP, and PDI—were applied to identify relevant features from the dataset. While the individual methods provided complementary insights, their direct union included redundant and low-impact attributes. To address this, we introduced the HXRF approach, which applies thresholding to the union of XAI-selected features, thereby producing a more compact and discriminative feature set.
Using this optimized feature subset, a Random Forest classifier was trained and validated on a randomly selected test set of 2000 webpages. The model demonstrated high predictive capability, achieving 98.2% accuracy and maintaining strong performance across precision, recall, and F1 metrics. The confusion matrix indicated balanced performance across both phishing and legitimate classes, confirming the robustness of the model and the effectiveness of the feature selection strategy.
Overall, the results show that combining multi-source data with multi-method XAI and thresholded feature refinement enhances both detection accuracy and interpretability. Beyond phishing detection, the HXRF framework is broadly applicable to other cybersecurity tasks, such as malware classification, network intrusion detection, and fraud detection, where feature interpretability and selection are critical. Additionally, the approach could be adapted to non-cybersecurity domains, including medical diagnosis, financial risk assessment, or any scenario where high-dimensional datasets require explainable and efficient feature selection. By providing a scalable and reliable foundation, HXRF highlights the value of explainability-guided feature engineering for both specialized and general machine learning applications. Future work may extend this approach to deep learning models, online detection systems, or adaptive feature selection in dynamic environments.

Author Contributions

Conceptualization, M.Z.M. and R.A.; methodology, R.A. and A.G.; software, M.Z.M.; validation, R.A. and M.Z.M.; formal analysis, R.A.; writing—original draft preparation, M.Z.M.; writing—review and editing, R.A.; visualization, R.A. and A.G.; funding acquisition, M.Z.M. All authors have read and agreed to the published version of the manuscript.

Funding

The financial support provided by Al-Zaytoonah University of Jordan, fund number, 2025-2024/06/47 entitled “A Comparative Study of Online and Offline Machine Learning Performance over Different Microcontroller Platforms” for this research project. Their generous funding made it possible to conduct this study and develop the proposed models.

Data Availability Statement

The full dataset will be available upon request.

Acknowledgments

We would like to acknowledge the financial support provided by Al-Zaytoonah University of Jordan, fund number, 2025-2024/06/47 entitled “A Comparative Study of Online and Offline Machine Learning Performance over Different Microcontroller Platforms” for this research project. Their generous funding made it possible to conduct this study and develop the proposed models.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Masoud, M.; Jaradat, Y.; Manasrah, A.; Jannoud, I. Sensors of smart devices in the internet of everything (IoE) era: Big opportunities and massive doubts. J. Sens. 2019, 2019, 6514520. [Google Scholar] [CrossRef]
  2. Torres-Hernandez, C.M.; Garduño-Aparicio, M.; Rodriguez-Resendiz, J. Smart homes: A meta-study on sense of security and home automation. Technologies 2025, 13, 320. [Google Scholar] [CrossRef]
  3. Szpilko, D.; Fernando, X.; Nica, E.; Budna, K.; Rzepka, A.; Lăzăroiu, G. Energy in smart cities: Technological trends and prospects. Energies 2024, 17, 6439. [Google Scholar] [CrossRef]
  4. Ayeni, R.K.; Adebiyi, A.A.; Okesola, J.O.; Igbekele, E. Phishing attacks and detection techniques: A systematic review. In Proceedings of the 2024 International Conference on Science, Engineering and Business for Driving Sustainable Development Goals (SEB4SDG), Omu-Aran, Nigeria, 2–4 April 2024; IEEE: New York, NY, USA, 2024; pp. 1–17. [Google Scholar]
  5. Phishing Statistics. Available online: https://keepnetlabs.com/blog/top-phishing-statistics-and-trends-you-must-know (accessed on 15 November 2025).
  6. Annual Internet Crime Report. Available online: https://www.fbi.gov/news/press-releases/fbi-releases-annual-internet-crime-report (accessed on 15 November 2025).
  7. Rao, R.S.; Pais, A.R. An enhanced blacklist method to detect phishing websites. In Proceedings of the International Conference on Information Systems Security, Seoul, Republic of Korea, 10–13 December 2017; Springer International Publishing: Cham, Switzerland, 2017; pp. 323–333. [Google Scholar]
  8. Jabir, R.; Le, J.; Nguyen, C. Phishing attacks in the age of generative artificial intelligence: A systematic review of human factors. AI 2025, 6, 174. [Google Scholar] [CrossRef]
  9. Butnaru, A.; Mylonas, A.; Pitropakis, N. Towards lightweight url-based phishing detection. Future Internet 2021, 13, 154. [Google Scholar] [CrossRef]
  10. Aguirre, A.; Salazar, L. A Systematic Review of Artificial Intelligence Techniques for Phishing Detection. Adv. Artif. Intell. Mach. Learn. 2025, 5, 4115–4153. [Google Scholar] [CrossRef]
  11. Mughaid, A.; AlZu’bi, S.; Hnaif, A.; Taamneh, S.; Alnajjar, A.; Abu Elsoud, E. An intelligent cyber security phishing detection system using deep learning techniques. Clust. Comput. 2022, 25, 3819–3828. [Google Scholar] [CrossRef]
  12. Do, N.Q.; Selamat, A.; Krejcar, O.; Herrera-Viedma, E.; Fujita, H. Deep learning for phishing detection: Taxonomy, current challenges and future directions. IEEE Access 2022, 10, 36429–36463. [Google Scholar] [CrossRef]
  13. Aljofey, A.; Jiang, Q.; Qu, Q.; Huang, M.; Niyigena, J.-P. An effective phishing detection model based on character level convolutional neural network from URL. Electronics 2020, 9, 1514. [Google Scholar] [CrossRef]
  14. Yoon, J.-H.; Buu, S.-J.; Kim, H.-J. Phishing webpage detection via multi-modal integration of HTML DOM graphs and URL features based on graph convolutional and transformer networks. Electronics 2024, 13, 3344. [Google Scholar] [CrossRef]
  15. PhishTank, an Online Database for Suspected Online Linkes. Available online: https://www.phishtank.org (accessed on 20 September 2025).
  16. Ozker, U.; Sahingoz, O.K. Content based phishing detection with machine learning. In Proceedings of the 2020 International Conference on Electrical Engineering (ICEE), Istanbul, Turkey, 25–27 September 2020; IEEE: New York, NY, USA, 2020; pp. 1–6. [Google Scholar]
  17. Salloum, S.; Gaber, T.; Vadera, S.; Shaalan, K. A systematic literature review on phishing email detection using natural language processing techniques. IEEE Access 2022, 10, 65703–65727. [Google Scholar] [CrossRef]
  18. Zhu, E.; Chen, Y.; Ye, C.; Li, X.; Liu, F. OFS-NN: An effective phishing websites detection model based on optimal feature selection and neural network. IEEE Access 2019, 7, 73271–73284. [Google Scholar] [CrossRef]
  19. Oest, A.; Safei, Y.; Doupe, A.; Ahn, G.J.; Wardman, B.; Warner, G. Inside a phisher ’s mind: Understanding the anti-phishing eco system through phishing kit analysis. In Proceedings of the 2018 APWG Symposium on Electronic Crime Research (eCrime), San Diego, CA, USA, 14–16 May 2018. [Google Scholar]
  20. Marchal, S.; Francois, J.; State, R.; Engel, T. PhishStorm: Detecting phishing with streaming analytics. IEEE Trans. Netw. Serv. Manag. 2014, 11, 458–471. [Google Scholar] [CrossRef]
  21. Arrieta, A.B.; Díaz-Rodríguez, N.; Del Ser, J.; Bennetot, A.; Tabik, S.; Barbado, A.; Garcia, S.; Gil-Lopez, S.; Molina, D.; Benjamins, R.; et al. Explainable Artificial Intelligence (XAI): Concepts, taxonomies, opportunities and challenges toward responsible AI. Inf. Fusion 2020, 58, 82–115. [Google Scholar] [CrossRef]
  22. Molnar, C.; Casalicchio, G.; Bischl, B. Interpretable machine learning—A brief history, state-of-the-art and challenges. In Proceedings of the Joint European Conference on Machine Learning and Knowledge Discovery in Databases, Ghent, Belgium, 14–18 September 2020; Springer International Publishing: Cham, Switzerland, 2020; pp. 417–431. [Google Scholar]
  23. Bacevicius, M.; Paulauskaite-Taraseviciene, A.; Zokaityte, G.; Kersys, L.; Moleikaityte, A. Comparative analysis of perturbation techniques in LIME for intrusion detection enhancement. Mach. Learn. Knowl. Extr. 2025, 7, 21. [Google Scholar] [CrossRef]
  24. Hussein, E.E.; Zerouali, B.; Bailek, N.; Derdour, A.; Ghoneim, S.S.M.; Santos, C.A.G.; Hashim, M.A. Harnessing explainable AI for sustainable agriculture: SHAP-based feature selection in multi-model evaluation of irrigation water quality indices. Water 2024, 17, 59. [Google Scholar] [CrossRef]
  25. Georgiades, M.; Hussain, F. An Explainable AI Approach for Interpretable Cross-Layer Intrusion Detection in Internet of Medical Things. Electronics 2025, 14, 3218. [Google Scholar] [CrossRef]
  26. Khan, A.; Ali, A.; Khan, J.; Ullah, F.; Faheem, M. Using Permutation-Based Feature Importance for Improved Machine Learning Model Performance at Reduced Costs. IEEE Access 2025, 13, 36421–36435. [Google Scholar] [CrossRef]
  27. Guptta, S.D.; Soni, M.S.; Soni, S.S. Modeling Hybrid Feature-Based Phishing Websites Detection Using Machine Learning Techniques. Ann. Data Sci. 2022. Online ahead of print. Available online: https://pmc.ncbi.nlm.nih.gov/articles/PMC8935623/ (accessed on 15 November 2025).
  28. Shafin, S.S. An explainable feature selection framework for web phishing detection with machine learning. Data Sci. Manag. 2025, 8, 127–136. [Google Scholar] [CrossRef]
  29. An, P.; Shafi, R.; Mughogho, T.; Onyango, O.A. Multilingual Email Phishing Attacks Detection using OSINT and Machine Learning. arXiv 2025, arXiv:2501.08723. [Google Scholar] [CrossRef]
  30. Mishra, R.; Varshney, G. A Study of Effectiveness of Brand Domain Identification Features for Phishing Detection in 2025. arXiv 2025, arXiv:2503.06487. [Google Scholar] [CrossRef]
  31. Rehman, A.U.; Imtiaz, I.; Javaid, S.; Muslih, M. Real-Time Phishing URL Detection Using Machine Learning. Eng. Proc. 2025, 107, 108. [Google Scholar]
  32. Zabihimayvan, M.; Doran, D. Fuzzy rough set feature selection to enhance phishing attack detection. In Proceedings of the 2019 IEEE International Conference on Fuzzy Systems (FUZZ-IEEE), New Orleans, LA, USA, 23–26 June 2019; IEEE: New York, NY, USA, 2019; pp. 1–6. [Google Scholar]
  33. Evans, K.; Abuadbba, A.; Wu, T.; Moore, K.; Ahmed, M.; Pogrebna, G.; Nepal, S.; Johnstone, M. RAIDER: Reinforcement-Aided Spear Phishing Detector. In Proceedings of the International Conference on Information Systems Security and Privacy (ICISSP), Virtual, 9–11 February 2022. [Google Scholar]
  34. Aljofey, A.; Bello, S.A.; Lu, J.; Xu, C. Comprehensive phishing detection: A multi-channel approach with variants TCN fusion leveraging URL and HTML features. J. Netw. Comput. Appl. 2025, 238, 104170. [Google Scholar] [CrossRef]
  35. Almousa, M.; Zhang, T.; Sarrafzadeh, A.; Anwar, M. Phishing website detection: How effective are deep learning-based models and hyperparameter optimization? Secur. Priv. 2022, 5, e256. [Google Scholar]
  36. Haq, Q.E.U.; Faheem, M.H.; Ahmad, I. Detecting phishing URLs based on a deep learning approach to prevent cyber-attacks. Appl. Sci. 2024, 14, 10086. [Google Scholar] [CrossRef]
  37. Atawneh, S.; Aljehani, H. Phishing Email Detection Model Using Deep Learning. Electronics 2023, 12, 4261. [Google Scholar] [CrossRef]
  38. Murhej, M.; Nallasivan, G. Multimodal framework for phishing attack detection and mitigation through behavior analysis using EM-BERT and SPCA-BASED EAI-SC-LSTM. Front. Commun. Netw. 2025, 6, 1587654. [Google Scholar]
  39. Aslam, S.; Aslam, H.; Manzoor, A.; Chen, H.; Rasool, A. AntiPhishStack: LSTM-based stacked generalization model for optimized phishing URL detection. Symmetry 2024, 16, 248. [Google Scholar]
  40. Rawla, A.; Singh, S.; Daniyal, M.; Dubey, P. Detection of Phishing Attacks in PhiUSIIL Dataset Using Deep Learning. Procedia Comput. Sci. 2025, 259, 543–552. [Google Scholar] [CrossRef]
  41. Vrbančič, G.; Fister, I.; Podgorelec, V. Datasets for Phishing Websites Detection. Data Brief 2020, 33, 106438. [Google Scholar] [CrossRef]
  42. Mittal, A.; Engels, D.; Kommanapalli, H.; Sivaraman, R.; Chowdhury, T. Phishing Detection Using Natural Language Processing and Machine Learning. SMU Data Sci. Rev. 2022, 6, 14. [Google Scholar]
  43. Eryılmaz, E.E.; Şahin, D.Ö.; Kılıç, E. Filtering turkish spam using LSTM from deep learning techniques. In Proceedings of the 2020 8th International Symposium on Digital Forensics and Security (ISDFS), Beirut, Lebanon, 1–2 June 2020; IEEE: New York, NY, USA, 2020; pp. 1–6. [Google Scholar]
  44. Masoud, M.; Jaradat, Y.; Alsakarnah, R. A Non-Content Multilayers Hybrid Machine Learning Web Phishing Detection Model. Int. Rev. Model. Simul. (IREMOS) 2022, 15, 108–115. [Google Scholar] [CrossRef]
  45. Alheyasat, O. Web Phishing Detection and Awareness Utilizing Hybrid Machine Learning Algorithms. Int. J. Adv. Soft Comput. Its Appl. 2025, 17, 283–297. [Google Scholar] [CrossRef]
  46. URLHaus. Available online: https://urlhaus.abuse.ch/api/ (accessed on 15 November 2025).
  47. Kaggles Website Phishing Detection. Available online: https://www.kaggle.com/datasets/shashwatwork/web-page-phishing-detection-dataset (accessed on 15 November 2025).
  48. Hannousse, A.; Yahiouche, S. Web Page Phishing Detection, Mendeley Data, V3. 2021. Available online: https://data.mendeley.com/datasets/c2gw7fy2j4/3 (accessed on 15 November 2025).
Figure 1. Phishing Detection Feature Categories.
Figure 1. Phishing Detection Feature Categories.
Electronics 15 00350 g001
Figure 2. HXRF Architecture.
Figure 2. HXRF Architecture.
Electronics 15 00350 g002
Figure 3. HXRF Pseudo Code.
Figure 3. HXRF Pseudo Code.
Electronics 15 00350 g003
Figure 4. Confusion Matrices of RF and XGBoost.
Figure 4. Confusion Matrices of RF and XGBoost.
Electronics 15 00350 g004
Figure 5. LIME Feature Output of a normal sample.
Figure 5. LIME Feature Output of a normal sample.
Electronics 15 00350 g005
Figure 6. SHAP Feature Output of a normal Sample.
Figure 6. SHAP Feature Output of a normal Sample.
Electronics 15 00350 g006
Figure 7. Top 20 Features of XAI models selected after HXRF is executed.
Figure 7. Top 20 Features of XAI models selected after HXRF is executed.
Electronics 15 00350 g007
Figure 8. RF with XAI selected methods.
Figure 8. RF with XAI selected methods.
Electronics 15 00350 g008
Figure 9. Intersected Features.
Figure 9. Intersected Features.
Electronics 15 00350 g009
Figure 10. Union Features.
Figure 10. Union Features.
Electronics 15 00350 g010
Figure 11. HXRF Selected Features.
Figure 11. HXRF Selected Features.
Electronics 15 00350 g011
Figure 12. Confusion Matrix of our Dataset.
Figure 12. Confusion Matrix of our Dataset.
Electronics 15 00350 g012
Figure 13. Confusion Matrix of tested Dataset “the Public 2000 samples”.
Figure 13. Confusion Matrix of tested Dataset “the Public 2000 samples”.
Electronics 15 00350 g013
Table 2. Accuracy of Baseline Models.
Table 2. Accuracy of Baseline Models.
AccuracyF1RecallPrecisionROC_AUC
LR0.9456690.9455360.9431290.9480180.985428
RF0.9671040.9670970.9665790.9676700.994000
SVM0.9587050.9585700.9553810.9618210.990171
KNN0.9405070.9398100.9291400.9509040.975920
XGBoost0.9692910.9693030.9697260.9689330.994733
Table 3. p-Value of the Baseline Models.
Table 3. p-Value of the Baseline Models.
Model AModel Bp-Value
LRRF2.199845 × 10 7
LRSVM2.590974   × 10 5
LRKNN6.381361   × 10 2
LRXGBoost8.996150   × 10 7
RFSVN4.165687   × 10 5
RFKNN5.770413   × 10 7
RFXGBoost1.709066 × 10−1
SVMKNN3.488691   × 10 6
SVMXGBoost4.657034   × 10 5
KNNXGBoost1.817466   × 10 7
Table 4. Performance Comparison of HXRF.
Table 4. Performance Comparison of HXRF.
AccuracyF1RecallPrecision
HXRF0.982040.9841390.9867540.981538
RF_All_Features0.9671040.9670870.9665790.967595
Union + RF0.9654420.9654750.9664040.964548
Intersect + RF0.7712160.7566760.7114610.808029
SHAP + RF0.9303590.9306980.9352580.926183
LIME + RF0.9236220.9235350.9224850.924588
PDP + RF0.8729660.8787980.9210850.840223
PDI + RF0.9208220.9206910.9191600.922226
Table 5. Standard Deviation of Accuracy Across Folds.
Table 5. Standard Deviation of Accuracy Across Folds.
ModelStandard Deviation
RF+ All Features0.003818
HXRF0.004155
RF-Union005060
RF-Intersect0.0132
RF-SHAP0.00589
RF-LIME0.00563
RF_PDP0.01407
RF-PDI0.00519
Table 6. XAI Average Single Sample Execution Time.
Table 6. XAI Average Single Sample Execution Time.
ModelTime (S)
SHAP0.001342
LIME0.272947
PDP0.73937
PDI0.339744
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

Alsakarnah, R.; Masoud, M.Z.; Ghababsheh, A. Hybridizing Explainable AI (XAI) for Intelligent Feature Extraction in Phishing Website Detection. Electronics 2026, 15, 350. https://doi.org/10.3390/electronics15020350

AMA Style

Alsakarnah R, Masoud MZ, Ghababsheh A. Hybridizing Explainable AI (XAI) for Intelligent Feature Extraction in Phishing Website Detection. Electronics. 2026; 15(2):350. https://doi.org/10.3390/electronics15020350

Chicago/Turabian Style

Alsakarnah, Rashed, Mohammad Z. Masoud, and Ahmad Ghababsheh. 2026. "Hybridizing Explainable AI (XAI) for Intelligent Feature Extraction in Phishing Website Detection" Electronics 15, no. 2: 350. https://doi.org/10.3390/electronics15020350

APA Style

Alsakarnah, R., Masoud, M. Z., & Ghababsheh, A. (2026). Hybridizing Explainable AI (XAI) for Intelligent Feature Extraction in Phishing Website Detection. Electronics, 15(2), 350. https://doi.org/10.3390/electronics15020350

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop