
94% of researchers rate our articles as excellent or good
Learn more about the work of our research integrity team to safeguard the quality of each article we publish.
Find out more
ORIGINAL RESEARCH article
Front. Physiol., 18 March 2025
Sec. Computational Physiology and Medicine
Volume 16 - 2025 | https://doi.org/10.3389/fphys.2025.1511716
Introduction: Lung nodule detection is a crucial task for diagnosis and lung cancer prevention. However, it can be extremely difficult to identify tiny nodules in medical images since pulmonary nodules vary greatly in shape, size, and location. Further, the implemented methods have certain limitations including scalability, robustness, data availability, and false detection rate.
Methods: To overcome the limitations in the existing techniques, this research proposes the Cnidaria Herd Optimization (CHO) algorithm-enabled Bi-directional Long Short-Term Memory (CHSTM) model for effective lung nodule detection. Furthermore, statistical and texture descriptors extract the significant features that aid in improving the detection accuracy. In addition, the FC2R segmentation model combines the optimized fuzzy C-means clustering algorithm and the Resnet −101 deep learning approach that effectively improves the performance of the model. Specifically, the CHO algorithm is modelled using the combination of the induced movement strategy of krill with the time control mechanism of the cnidaria to find the optimal solution and improve the CHSTM model’s performance.
Results: According to the experimental findings of a performance comparison between other established methods, the FC2R + CHSTM model achieves 98.09% sensitivity, 97.71% accuracy, and 97.03% specificity for TP 80 utilizing the LUNA-16 dataset. Utilizing the LIDC/IDRI dataset, the proposed approach attained a high accuracy of 97.59%, sensitivity of 96.77%, and specificity of 98.41% with k-fold validation outperforming the other existing techniques.
Conclusion: The proposed FC2R + CHSTM model effectively detects lung nodules with minimum loss and better accuracy.
Lung nodule detection is the initial stage of lung cancer screening in clinical medicine (Sharma et al., 2019) enabling prompt and appropriate treatment that can significantly lower the death rate (Schabath and Cote, 2019; Ji et al., 2023) Medical image analysis has long made use of image processing techniques (Naseer et al., 2023). Physicians use a variety of diagnostic techniques to identify malignant lung nodules early on. In clinical settings, these techniques include needle prick biopsy analysis, Computed Tomography (CT) scan analysis, and morphological assessment (Nasrullah et al., 2019; Chen et al., 2021). The hit ratio for manually detecting lung cancer may be lowered by two major issues. The availability of people and technology comes first since there might not be enough radiological resources to meet demand (Thallam et al., 2020). Secondly, a considerable proportion of false positive cases can be attributed to the initial flaw. Thus, radiologists who interpret the images should have excellent training. As a result, improvements are still needed in the detection and classification precision of current systems (Mahum and AlSalman, 2023). Additionally, the tiny size and variety of shapes of pulmonary nodules in general medical imaging further complicate identification and raise the possibility of an incorrect or missing diagnosis (Ji et al., 2023).
Therefore, systems for computer-aided detection (CAD) are suggested as a means of automatically detecting lung nodules in CT scan images. A common diagnostic imaging technique called CT enables radiologists to look for and assess any worrisome lung nodules on CT scans (Nguyen et al., 2021). Conventional CAD systems typically do false positive reduction using traditional classifiers (Murphy et al., 2009; Sui et al., 2015) and produce nodule candidates using manually constructed nodule features such as morphological features (Jacobs et al., 2014) or intensity thresholding (Akram et al., 2016). Due to the abnormal structure of lung tissues (Tong et al., 2020) these techniques rarely produce adequate results (Nguyen et al., 2021). However, the manual techniques require more time and the ML techniques have limited generalization ability because of limited training samples. One method for diagnosing lung cancer is to employ segmentation techniques (Liu et al., 2021a). Based on the image’s color, and texture, the ROI is chosen as a segmented area. Three common segmentation techniques are thresholding, atlas, and region growth. The retrieved attributes of the segmented area have a substantial impact on the performance of segmentation-based methods. Approaches based on segmentation have shown encouraging outcomes in the identification of lung cancer. These methods must be adjusted to reduce their false ratio, as they are still not applicable to samples that have not yet been observed (Mahum and AlSalman, 2023).
Deep learning (DL) approaches have been used with promising results in the categorization of lung nodules in recent years (Chen et al., 2020; Li et al., 2020; Wang et al., 2019; Sreekumar et al., 2020). However, persistently applying local processes within Convolutional Neural Network (CNN) layers to analyse texture characteristics does not adequately capture the intricate composition and long-range relationships present within a lung nodule (Saihood et al., 2023). Additionally, pooling layers serve as the foundation for attention-based multiple-instance learning techniques. Since the features that are retrieved from both modalities have varying characteristics, these models cannot be used statically and must be fused proportionately. Here the step convolution module (SCM), which adopts a parallel structure design and has receptive fields of different sizes and a residual squeeze and excitation attention module (RSEAM), improves the useful feature gain through space and channel. Moreover, it cannot be used statically instead of that a fusion must done proportionately with the U-Net. The U-Net mainly operates to obtain image features through a series of convolutional and pooling operations. However, the RSEA-Net requires a precoding network to provide the gate signal and the SCM structure is complicated (Liang et al., 2022). A feature pyramid network (FPN) (Lin et al., 2017) is a tool used in some techniques to extract multi-scale information from nodules. Many down-sampled features are restored by the feature pyramid through up-sampling; nevertheless, the up-sampled features’ pixel values and positions differ from the original feature images without down-sampling (Zhang et al., 2022). Without human involvement, DL approaches may effectively extract significant features in the best possible way. In the medical field, these methods can increase the accuracy of disease detection (Naseer et al., 2023).
Existing methods have limitations in scalability, robustness, data availability, and false detection rates. To address these issues, a novel deep-learning model is for accurate lung nodule detection. This research aims to employ the FC2R + CHSTM model to identify lung nodules from CT scans. By combining the benefits of Resnet −101 and FCM, the FC2R segmentation model successfully separates the lung nodules from the healthy regions. Furthermore, from the segmentation output, the ResNet-101 features, statistical features, and texture information are extracted which improves the nodule detection accuracy. The combination of the induced movement strategy of krill with the time control mechanism of the cnidaria improves the CHSTM model’s performance to attain better detection accuracy.
The CHO algorithm mimics the food-searching behaviour of the cnidaria and the herding characteristics of krill. The combination of the induced movement strategy of krill with the time control mechanism of the cnidaria improves the CHSTM model’s performance to attain better detection accuracy.
The FC2R method for lung nodule segmentation accurately segments the nodule regions using the FCM with the Resnet −101 model. The proposed optimization is used to compute the coefficient features and the Resnet −101 model generates the flow maps that lead to improving the performance of the model.
The combined CHSTM + FC2R approach integrates the advantages of bio-inspired optimization algorithm with the novel segmentation technique which aids the model to detect lung nodules with superior performance. In addition, the CHSTM + FC2R model increases the system reliability minimizes the overfitting issues caused by data imbalance problems, and increases the computational efficiency of the lung nodule detection tasks.
The organization of the manuscript is described as follows: Section 2 covers the limits of the linked works’ literature evaluation. Section 3 discusses the suggested methodology for lung nodule identification along with its methodology flow. Sections 4, 5 explain the research outcomes and conclusion respectively.
To detect effective lung nodules many existing methods are utilized and they have limitations in scalability, robustness, data availability, and false detection rates. To overcome all these issues a novel deep learning is developed for accurate lung nodule detection. This research aims to employ an FC2R + CHSTM model to identify the lung nodule from the CT scans. The FC2R segmentation helps to separate the lung nodule from the healthy region. The CHO algorithm helps to fine-tune the hyperparameters of the model and the combination of the induced movement strategy of krill with the time control mechanism of the cnidaria improves the CHSTM model’s performance to attain better detection accuracy.
The existing methods implemented for lung nodule detection with their limitations and advantages are explained in the following section.
Zhang et al. (2022) utilized an attention deep learning model that comprised the 3D Resnet model, which effectively refined the important features. In addition, the channel and spatial attention techniques minimized the computational cost and time. However, the focal loss could mitigate the data imbalance problem. Even though the right steps were taken to improve the data, the model also required more data as the network got deeper to expand the model’s capabilities.
A multi-task learning model was utilized Liu et al. (2021), which identified the size of the nodule by using the anchor-free method. The model did not need the troublesome anchor-based strategy, the anchor-free method is more reliable and simpler to implement. However, the approach has a higher rate of missed detections because of interference from numerous potential false positives outside of the lung area.
Chen et al. (2021) initiated a dense neural network that could get superior accuracy compared to other current techniques while dealing with varying experimental targets and input lung CT image pixel sizes. Since LDNNET did not employ semantic segmentation and location, it was simpler to set up and operate in real-world scenarios. However, the model necessitated more parameters for learning that increased the training time.
Ji et al. (2023) designed an improved DL model with an attention method that improved the model’s detection performance and reduced the medical image interference features. In addition, the pyramid pooling module obtained the multi-scale contextual information and detected the lung nodules effectively. However, the model found trouble in detecting lung nodules when they were partly or obscured by other nodules, which could result in missed diagnoses or false positives.
Naseer et al. (2023) initiated an Alex Net-Support Vector Machine model for nodule detection and modified U-Net for segmentation, which demonstrated improved outcomes for the precise and efficient diagnosis of lung tumor. Nevertheless, the model required high computational time and reduced the interpretability and generalizability of lung nodule detection tasks.
A Retina Net model was implemented by Mahum and AlSalman (2023) that utilized a dependable feature fusion-based approach that could combine various network layers and concurrently boost the semantic shallow layer for efficient prediction. Additionally, at every network level, a context-dilated module is integrated with a down-sampled fusion block, which enhances the network’s capacity to extract useful features. However, the model could not distinguish microscopic cancers from background tissues if there was a lot of clutter or noise in the images.
The faster R-CNN model was utilized by Nguyen et al. (2021) for lung nodule detection, which minimized the false positives. The mean-shift clustering technique effectively learned the intricate features from the training dataset. Although the approach improved nodule detection performance, there are still several issues. First off, there was still a small volume of data available for the model’s training and validation. CNN increases network complexity to improve performance.
A multi-orientation-based attention mechanism was developed by Saihood et al. (2023) that provided a great degree of flexibility in focusing on relevant data that was non-locally gathered from different nodule regions. Although the research showed encouraging advancements, their practical application in healthcare settings required that their clinical efficacy be verified on actual patient data.
Gugulothu and Balaji (2024) introduced lung nodule detection and classification with CT images based on hybrid deep learning (LNDC-HDL) techniques. The use of computed tomography demonstrates the efficiency and importance of the HDE-NN specific structure for detecting lung nodes on CT scans, increases sensitivity, and reduces false positives. However, the major constraint of the research is computational complexity.
Sebastian and Dua (2023) implemented a DL model for the detection of lung nodules. To identify every lung lesion in every CT scan as completely as feasible without resorting to forced consensus this procedure is designed. However, the model suffers from computational time.
UrRehman et al. (2024) presented a CNN model with a dual attention mechanism for effective lung nodule detection. The CNN model extracts informative features from the images, while the attention module incorporates both channel attention and spatial attention mechanisms to selectively highlight significant features. However, a small volume of data was available for the model’s training and validation.
Harsono et al. (2022) introduced the Transfer learning-enabled one stage detector model, I3DR-Net for the detection of lung nodules. In particular, the I3DR-Net approach integrated the I3D backbone, with RetinaNet and modified FPN framework over the small number of high-quality trainable CT images and reduced the training time. Moreover, this approach demonstrated that weight transfer learning from natural image datasets improves the detection performance as well as minimizes the training time.
Wankhade, and Vigneshwari (2023) developed the Hybrid Neural Network approach which integrated the 3D CNN and RNN to enhance the detection performance. In addition, the hybrid approach precisely determined the lung nodule count in the pulmonary region. However, additional research was required to validate the results and address the potential challenges, including obtaining adequate high-quality training data and enhancing the comprehensibility of DL models.
Xing et al. (2024) developed an improved ML model integrating the Fuzzy K-Nearest Neighbor (FKNN) for lung disease detection. In addition, the EMRFO algorithm was applied to choose the optimal feature subset, and the FKNN model was utilized as the fitness evaluator. More specifically, the EMRFO algorithm presents the position information of the suboptimal solution in order to continuously approach the optimal solution with disturbance, thus improving the convergence of the algorithm.
➢ The R-CNN architectures could face difficulties in precisely detecting borders, particularly for tumors with fuzzy or intricate features. Post-processing techniques are often necessary to improve border correctness (Nguyen, et al., 2021).
➢ Lung Retina-net is specifically engineered to identify lung tumors in CT scans. It might not be appropriate for different anatomical structures or other imaging modalities when it comes to detecting cancers (Mahum and AlSalman, 2023).
➢ Yolov5 struggles to discern cancers from intricate backgrounds, which might result in false positives or overlooked identifications in congested environments (Ji et al., 2023).
➢ Although focus loss was utilized to rectify data imbalance, it was recognized that its consequences might not be entirely eradicated. To mitigate this problem, more efforts were required (Zhang, et al., 2022).
➢ The AlexNet-SVM might not be easily interpreted, which could make it difficult to comprehend the rationale behind particular diagnoses. Additional verification, an evaluation of generalizability, and practical execution issues were required for clinical adoption (Naseer, et al., 2023).
Lung cancer diagnosis relies on detecting pulmonary nodules, but identifying small nodules in medical images can be challenging due to their varying shapes, sizes, and locations. Existing methods have limitations in scalability, robustness, data availability, and false detection rates. To address these issues, a novel deep-learning model is for accurate lung nodule detection. Initially the input CT images from the Luna 16 database undergo an image enhancement task in the pre-processing stage. The enhanced CT images are used to segment lung lobes, defining regions of interest (ROI). The pre-processing techniques used in lobe segmentation are erosion and fill holes. The segmented lobes are fed into the FC2R model for nodule segmentation. The proposed optimization is used to compute the coefficient features and the Resnet −101 model generates the flow maps that lead to improving the performance of the model. From the segmentation output, the Resnet −101 features, statistical features, and texture information are extracted which improve the nodule detection accuracy. These features are concatenated and input into the CHSTM classifier, which accurately detects lung nodules. The CHO algorithm which is inspired by jellyfish and krill fish characteristics, employed to fine-tune the hyperparameters of the model for optimal results. The combination of the induced movement strategy of krill with the time control mechanism of the cnidaria improves the CHSTM model’s performance to attain better detection accuracy. The proposed model aims to improve accuracy in detecting lung nodules from CT images and detect the lung nodules as malignant or benign. Figure 1 visualizes the flow diagram of this proposed approach.
The Luna 16 database serves as the input source of this research, which consists of lung CT scans with the size of
where
Pre-processing is a significant stage in image processing tasks, in this research it is employed to enhance the input image quality. In addition, lobe segmentation and ROI extraction are performed in this stage to improve the visibility of the image and improve the detection accuracy.
The lungs are made up of five lobes, split by the lobar fissures, with three lobes in the right lung and two in the left. The lobes receive blood and oxygen from different blood arteries, they are typically functionally independent. Moreover, illnesses frequently cannot spread between lobes because of the fissure border (Ferreira et al., 2018). To improve the detection accuracy of the CHSTM model, the lung lobes can be precisely segmented. The pre-processing techniques used in lobe segmentation are erosion and fill holes. The lobe segmentation in this research can be carried out in the following ways:
Step 1: Transform the CT image into a binary image
Step 2: Eliminate the blobs that are connected to the image’s border.
Step 3: Label the image.
Step 4: Keep the labels with the two largest regions
Step 5: Using a disk with a radius of two, do erosion. During this procedure, the lung nodules that are linked to the blood vessels are separated.
Step 6: Closure operation utilizing a 10-radius disk. The goal of this procedure is to maintain nodules affixed to the lung wall.
The technique held up well to varying inspiration levels, low-quality images, and varying disease severity, which makes it possible to do reliable and effective regional analysis on big datasets (Gerard and Reinhardt, 2019). The output of lobe segmentation
ROI extraction is the procedure of finding the parenchyma mask that may contain suspect lung nodules which reduces the system’s computation and detection times (Ozekes and Osman, 2010). The key objective of this process is to precisely evaluate lung images and extract the pertinent nodule regions while eliminating the background regions. The pre-processing technique used in ROI extraction is fill holes. In this research, the ROI extraction is mathematically defined in Equation 2 as follows,
The output obtained from ROI extraction
The CHO algorithm mimics the food-searching behaviour of the cnidaria and the herding features of the krill. The standard algorithms maintain a positive balance between local and global searches and have a solid population usage rate. However, the algorithm’s speed of convergence and capacity for exploration and exploitation is less. In addition, the algorithms require an optimal strategy to initiate the distribution process. To address these issues, the research presented a novel CHO algorithm that enhances the model’s performance and increases detection accuracy by fusing the induced movement strategy of krill with the temporal control mechanism of cnidaria.
Jellyfish also known as cnidaria can be found in water with a range of temperatures and depths, which resemble the bell-like structure and have unique characteristics that allow them to regulate their motion. To move their bodies forward, their undersides close like an umbrella, forcing water out. Even with this ability, they primarily float on the water, meaning that tides and currents control their movement. Specifically, cnidaria are weak swimmers, their orientations concerning currents are particularly important for maintaining blooms and preventing stranding. A swarm’s development is influenced by a variety of elements, such as temperature, predator presence, oxygen availability, available nutrition, and accessible nutrients. Ocean currents are the most significant of them since they can gather cnidaria into swarms. Because they tended to swarm, move about within swarms, and generate blooms as they follow ocean currents. As a result, cnidaria evaluates the quantity of food offered at several locations and chooses the finest one (Chou and Molla, 2022). The krill use a food search strategy, which involves locating places with large concentrations of food, and density-dependent attraction, to move toward the global minima. In this method, each krill looks for the highest density and food, and it travels in the direction of the best solution. In other words, the objective function decreases with increasing distance from the high density and food. For a single goal, it is generally necessary to define some coefficients when employing multi-objective herding behavior (Gandomi and Alavi, 2012). The hybrid algorithm solves the global optimization problems and tunes the hyperparameters of the CHSTM technique for precise detection of lung nodules.
The solution’s population is normally initialized as random; the solution’s position is mathematically formulated in Equation 3 as follows,
where
The solution’s fitness can be assessed using Equation 4, the higher fitness value indicates the best solution and the lower value denotes the worst solution.
Phase 1: Exploration phase
When the random simulated movement of the solution is superior to the time control function the exploration phase is activated. The exploration phase describes that the solution should be in motion towards ocean currents. At this phase, the solution includes its foraging behaviors in a wide range around the search space. In terms of two primary effective parameters, the foraging movement towards the ocean current is formulated. The location of the food is the first element, and previous knowledge of the place is the second. Thus, the foraging behavior as its passive motion towards the search space has been mathematically formulated in Equation 5 as,
where,
here,
where
Phase 2: Exploitation phase
In the exploitation phase, the solution exhibits movement inside the swarm behavior (active motion), and this movement of the solutions is considered as the exploitation phase. This phase is achieved by using the induced movement behavior of the solutions in which the individual solutions try to conserve a high density and move due to their mutual effects. Thus the solution obtains safety search inside the swarm and increased efficiency while maintaining inside the swarm is expressed in Equation 8 as follows,
where
The effect of the neighboring solutions in a movement can be evaluated in Equation 10 as follows,
where
where
Phase 3: Equilibrium phase
In the equilibrium phase, there is a balance between exploration and exploitation, thus the solution effectively achieves equilibrium between these two phases also the physical diffusion process fastens the change in the equilibrium described in adaptive fitness vector is calculated in Equation 13 as follows,.
where the maximum diffusion speed is represented as
Accurate segmentation of lung nodules from CT images is an essential task for image-driven lung nodule detection. Robust nodule segmentation is difficult, nonetheless, because lung nodules vary widely, and similar visual traits are common to lesions and their surroundings (Wang et al., 2017). Therefore, this research proposed an FC2R segmentation model which is the combination of a fuzzy C-means clustering algorithm and Resnet −101 deep learning model. The process of grouping data into homogenous units by taking object relationships into account is known as clustering. Clustering techniques accomplish region segmentation by dividing the image into groups of pixels that have a high degree of similarity within the feature space. In fuzzy clustering, individual data components have a set of membership levels associated with them and can belong to many clusters. These display the degree to which a given data element is linked to a certain cluster (Nithila and Kumar, 2016). The process of assigning the membership levels to allocate data components to single or more clusters is known as fuzzy clustering. Let
where, each component and cluster are described in Equations 15, 16 as follows,
Where
Feature extraction is the process of distilling relevant information from the segmented image. It aims to extract a concise representation, often expressed as numerical descriptors or attributes. In the context of lung nodule detection, it helps to identify relevant patterns and characteristics. The following features are extracted from segmented lung nodule images.
Resnet −101 is a variation of the deep CNN model which comprises 101 layers along with the skip connections. The basic idea behind residual functions is that each layer of the network learns from them by referring to its input layer (Ali et al., 2021). The architecture is easily optimized in this way and achieves notable accuracy. The network’s depth is based on the internal convolutional layers. The implementation of Resnet −101 in this research improves both the model’s detection accuracy and feature extraction capacity. The features obtained using Resnet −101 with the size of
The numerical measurements used to depict the distributional characteristics of geometric properties within specific regions are evaluated using statistical features. These characteristics improve the model’s performance by providing significant insights into the statistical characteristics of lung nodule images (Mutlag et al., 2020). In this research features including kurtosis
Texture is a significant component in medical images, which is described as a surface-level representation of the human visual systems. The texture features are analysed using matrix representations. In this research, the texture features are analysed using the local Ternary pattern (LTP) and local optimal oriented pattern (LOOP). The LTP features address the issues related to illumination transformation, which is robust to noise and encodes the grey values of surrounding pixels. The LTP indicator ltp is described in Equation 17 as follows, (Wu et al., 2015)
where
where the threshold function is explained in Equation 19 as follows,
The LOOP descriptor effectively determines the rotation invariance, which also reverses the empirical assignment of the value. The extracted feature vectors using Resnet-101 features
The research presented a novel CHSTM model for lung nodule detection; an input gate, a memory gate, and an output gate are the three gate control units that the proposed CHSTM model in this research uses to enhance memory capability and efficiently detect lung nodules. The architecture of the single BiLSTM block is visualized in Figure 3. Neurons in the CHSTM are capable of selectively forgetting and recalling new information about the cell state through the forgetting and memory gates. They can also retain this important information and send it on to subsequent neurons. The input through the neuron’s internal weight computation controls the forgetting, remembering, and output of the information. The weights of the gate control units are obtained from the previous moment. The detection accuracy of the model is improved by CHSTM’s ability to fully account for both precedent and upcoming data more easily than LSTM (Hameed and Garcia-Zapirain, 2020). The equations of the CHSTM model is shown in Equations 20–24.
where the input is signified as
By reducing the vanishing gradient issue, multiplicative gates enable memory cells to store and retrieve data for extensive periods. The activation of the cell state is preserved using the input gate. Because of this feature, the network may store crucial information from previous sequences that enhances the detection performance (Elzayady et al., 2021). BiLSTM can learn more precise information by using the information’s forward and backward sequences (Ganesan and Merline, 2017). Three forward
The CHSTM model’s final layer, the linear regression layer, completes regression tasks that help to detect lung nodules. The architecture of the CHSTM model is illustrated in Figure 4.
The following explains the findings and analysis of the suggested model, along with a performance assessment and comparison analysis.
The present investigation utilized data acquired from the LUNA 16 dataset consisting of 888 CT scan samples. The performance of the model is evaluated with TP and K-fold by varying epochs. The dataset was partitioned into 80% of training data and 20% of testing data. The model is trained on the training set and the performance is evaluated on the testing set. The research lung nodule detection using FC2R + CHSTM is executed in PYTHON software with Windows 11 operating system, 16 GB RAM, 1 TB ROM, AMD RYZEN 5000H Series, and including GPU. The hyperparameters of the model includes the learning rate of 0.001, epoch of 100, batch size of 64, and the ADAM as the default optimizer.
LUNA 16 is a publicly available LIDC/IDRI dataset and is a collaborative effort between the Lung Imaging Database Consortium (LIDC) and the Image Database Resource Institute (IDRI). Comprising 888 CT scans, this publicly accessible medical imaging dataset focuses on lung cancer research. It includes both malignant and benign nodules, enabling scientists to assess the performance of algorithms in distinguishing between these two types of nodules. Further, the radiologists annotated the lesions as non-nodule, nodules <3 mm, and nodules ≥3 mm.
This research utilized the LIDC/IDRI data set [10], comprising 888 thoracic CT scans with a section thickness of 2.5 mm or lower. Further, the dataset shows the influence of the presence of contrast, section thickness, and reconstruction kernel for assessing the computer-aided detection (CAD) performance. Four radiologists independently scrutinized the false positive CAD marks of the best CAD system.
The performance evaluation of the proposed FC2R + CHSTM model involves assessing key metrics, such as sensitivity accuracy, and specificity. Accuracy represents the ratio of correctly identified lung nodules to the total number of detected nodules using the FC2R + CHSTM model. Sensitivity is defined as the fraction of lung nodule instances that are positive. Specificity gauges how well the model can distinguish non-tumor areas from the CT scan.
The experimental outcomes obtained from the FC2R + CHSTM model are depicted in Figure 5, which also illustrates the input CT image, the pre-processing technique such as ROI extraction output, and lobe segmentation outcomes. The final outcome of the Sample 1 denotes the lung nodules are benign and sample 2 denotes the lung nodules are malignant.
The performance evaluation for the FC2R + CHSTM model in terms of Training percentage (TP) analysis is shown in Figure 6. At TP 80 and epoch 40 the FC2R + CHSTM attains 96.00% accuracy as well as for epoch 100 the accuracy of the model is 97.71%. Similarly, for epoch 100 and TP 80, the FC2R + CHSTM model attains 98.08% sensitivity. The specificity value attained by the proposed FC2R + CHSTM model is 97.02% which demonstrates that the FC2R + CHSTM model detects the lung nodules with improved performance. The results depict that the model’s accuracy is improved by increasing the size of the epoch. The hybridization of the BiLSTM classifier with the CHA optimization increases the convergence of the model to get the finest results. Additionally, the FC2R segments the nodule regions with higher accuracy which minimizes the computational complexity.
Figure 7 shows the performance analysis of the FC2R + CHSTM model with k-fold analysis for various epochs. For epoch 100, the model’s accuracy is 97.15%, while at k-fold 10 and epoch 40, the FC2R + CHSTM achieves 96.07% accuracy. As the epoch size increases, the model’s accuracy increases as well, according to the data. Similarly, the FC2R + CHSTM model achieves 96.87% sensitivity for k-fold 10 and epoch 100. The proposed FC2R + CHSTM model attains a specificity value of 98.53%, indicating that it performs better in detecting lung nodules. To achieve optimal results, the hybridization of the BiLSTM classifier with the CHA optimization improves the model’s convergence. In addition, the FC2R segments the nodule regions with higher accuracy which minimizes the computational complexity.
Figure 7. Performance evaluation with K-fold showing (A) Accuracy, (B) Sensitivity and (C) Specificity.
The performance of the FC2R + CHSTM model is compared with other conventional models such as Salmon fish optimization (SFO Based Deep NN) (Mozaffari and Fathi, 2012), Support Vector Machine (SVM) (Khan et al., 2019), Convolutional Neural Network (CNN) (Huang et al., 2017), Deep Neural Network (Deep NN) (Shukla et al., 2021), Artificial Neural Network (ANN) (Dandıl et al., 2014), K-Nearest Neighbour (KNN) (Lennartz et al., 2021), BiLSTM (Ganesan and Merline, 2017), Krill herd optimization (KHO Based Deep NN) (Yu et al., 2022), Jellyfish optimization based BiLSTM (JFOSTM) (Chou and Molla, 2022), Krill herd optimization enabled BiLSTM (KHOSTM) (Gandomi and Alavi, 2012), SKO based Deep NN, LNDC-HDL (Gugulothu and Balaji, 2024), and CNN + IMFO + LBP (Sebastian and Dua, 2023), I3DR-Net (Harsono et al., 2022), Modified AlexNet-SVM (Naseer et al., 2023) to explicate the efficiency of the model in lung nodule detection.
Figure 8 presents a comparison of the FC2R + CHSTM with the traditional approaches using TP for the Luna 16 dataset using TP analysis. The FC2R + CHSTM model achieves 97.71%, outperforming the current CNN by 10.60%, BiLSTM by 7.03%, Modified AlexNet-SVM by 5.16%, and I3DR-Net by 4.38%. For sensitivity measure, the model attains 98.08% which shows improvement over the Modified AlexNet-SVM by 3.41%, I3DR-Net by 3.34%, and JFOSTM by 3.16%. For TP 80 the FC2R + CHSTM obtained 97.02% specificity that demonstrates superior performance improvement than the conventional Modified AlexNet-SVM, I3DR-Net, and JFOSTM by 3.57%, 3.50%, and 2.93% respectively. Thus, the FC2R + CHSTM model obtains enhanced results than the existing methods, and the integration of the CHO algorithm combines the induced movement strategy of krill with the time control mechanism of the cnidaria that increases the performance of theFC2R + CHSTM model to attain better detection accuracy.
Figure 8. Comparative evaluation with TP using LUNA 16 dataset. (A) Accuracy, (B) Sensitivity and (C) Specificity.
Figure 9 compares the FC2R + CHSTM model performance to the existing methods using K-fold 10. The FC2R + CHSTM model obtains 97.15%, outperforming the Modified AlexNet-SVM by 3.41%, I3DR-Net by 2.88%, and JFOSTM by 2.47%. For sensitivity measure, the model attains 96.87% which exceeded the existing technique Modified AlexNet-SVM by 4.18%, I3DR-Net by 2.22%, and JFOSTM by 1.90%. For K-fold 10 the FC2R + CHSTM obtained 98.53% specificity that demonstrates superior performance improvement than the conventional Modified AlexNet-SVM, I3DR-Net, and JFOSTM by 4.24%, 4.18%, and 3.91% respectively. Thus, the FC2R + CHSTM model obtains enhanced results than the implemented methods, and the integration of the CHO algorithm combines the induced movement strategy of krill with the time control mechanism of the cnidaria that advances the performance of the FC2R + CHSTM model.
Figure 9. Comparative evaluation with k-fold using LUNA 16 dataset. (A) Accuracy, (B) Sensitivity and (C) Specificity.
The comparative evaluation of the FC2R + CHSTM and the conventional methods utilizing TP for the LIDC/IDRI dataset is shown in Figure 10. The FC2R + CHSTM model outperforms the Modified AlexNet-SVM by 5.87%, I3DR-Net by 3.50% and JFOSTM by 2.43%, with a high accuracy of 96.60%. With a sensitivity measure of 97.30%, the proposed model outperforms the Modified AlexNet-SVM by 7.83%, I3DR-Net by 3.15%, and JFOSTM by 1.65%. In comparison to the traditional Modified AlexNet-SVM, I3DR-Net, and JFOSTM, the proposed approach attained a significant improvement of 3.88%, 3.85%, and 3.22% better, respectively, achieving a specificity of 95.90% for TP 80. More specifically, the FC2R + CHSTM model outperforms the other existing techniques via the application of the CHO algorithm combines the cnidaria’s time control mechanism with the krill’s induced movement strategy, improving the FC2R + CHSTM model’s performance and achieving higher detection accuracy.
Figure 10. Comparative evaluation with TP using LIDC or IDRI dataset. (A) Accuracy, (B) Sensitivity and (C) Specificity.
The performance of the FC2R + CHSTM model is compared to the existing approaches in terms of K-fold 10 with the LIDC/IDRI dataset in Figure 11. The FC2R + CHSTM model achieves 97.59%, surpassing the Modified AlexNet-SVM by 1.77%, I3DR-Net by 1.45% and JFOSTM by 1.04%. With a sensitivity measure of 96.77%, the FC2R + CHSTM model outperforms the Modified AlexNet-SVM by 1.61%, I3DR-Net by 1.14%, and JFOSTM by 0.45%. Subsequently, the FC2R + CHSTM achieves 98.30% specificity for K-fold 10 and obtained a substantial improvement of 1.92% over AlexNet-SVM,1.76% over I3DR-Net, and 1.62% over JFOSTM. The CHO algorithm integrates the induced movement strategy of krill with the time control mechanism of cnidaria, improving the performance of the FC2R + CHSTM model. As a result, the model achieves better outcomes than the other existing approaches.
Figure 11. Comparative evaluation with k-fold using LIDC or IDRI dataset. (A) Accuracy, (B) Sensitivity and (C) Specificity.
The implemented methods employed for lung nodule detection pose several limitations related to generalizability, interpretability challenges, and data requirements. In addition to that the conventional SVM model creates data imbalance issues which affect the reliability of the detection model. While the modified attention-based techniques mentioned in the literature minimized the computational cost, it has a higher rate of missed detections because of interference from numerous potential false positives outside of the lung area. The LNDC-HDL technique faces challenges in computational complexity. The CNN + IMFO + LBP model suffers from computational time. To overcome this issue this research proposed the FC2R + CHSTM model which detects the lung nodules with better accuracy and minimum run time. The CHSTM + FC2R model increases the system reliability minimizes the overfitting issues caused by data imbalance problems and increases the computational efficiency of the lung nodule detection tasks. The comparative discussion of the FC2R + CHSTM model concerning TP and K-fold analysis is shown in Table 1.
Statistical Analysis is carried out on different datasets including the LUNA 16 dataset and LIDC/IDRI dataset to evaluate the robustness of the results. In addition, the statistical measures such as best, mean and variance are applied for evaluating the metrics accuracy, sensitivity, and specificity, and the results are described in this section. Tables 2, 3 reveal the results of the statistical analysis for the LUNA 16 dataset and LIDC/IDRI dataset respectively. Moreover, the statistical analysis portrayed in Tables 2, 3, ensures that the proposed research obtained robust results in terms of performance metrics facilitating the improved interpretation of results.
Computation analysis is carried out between the proposed approach and the other existing techniques to analyze the computation efficiency. Figure 12 illustrates the results of the computation time analysis evaluated in terms of computation time with respect to the varying iterations. For iteration 100, the computation time attained by the proposed strategy is 20.33s, which is low compared to the other existing approaches. In the proposed approach, the CHO algorithm finetunes the hyperparameters of the CHSTM model and solves various high-dimensional challenging problems. Consequently, the CHO algorithm offers a fast convergence speed towards the optimal solution, enhances the training process, and reduces the computation time.
In conclusion, this research developed an innovative approach for lung nodule detection, combining deep learning and bio-inspired optimization techniques. The CHSTM model, powered by the CHO algorithm effectively detects lung nodules from CT images. The FC2R segmentation model combines the Resnet −101 deep learning model and the FCM technique that effectively improves the performance of the model. CHO is inspired by the food-searching and herding characteristics of cindaria and krill fish respectively. By adjusting model hyperparameters using the CHO algorithm, the accuracy of the model is improved. The statistical and texture features extract the pertinent features that improve nodule detection accuracy. The combination of the induced movement strategy of krill with the time control mechanism of the cnidaria improves the CHSTM model’s performance by attaining better detection accuracy and detecting lung nodules as malignant or benign. According to the findings of a performance comparison between the FC2R + CHSTM model and the existing approaches, the suggested model achieves 97.71% accuracy, 98.09% sensitivity, and 97.03% specificity for TP 80 using the LUNA-16 dataset. Further, the proposed approach obtained the accuracy, sensitivity, and specificity of 97.59%,96.77%, and 98.41% with k-fold validation utilizing the LIDC/IDRI dataset. Subsequent research endeavours to enhance the precision of the suggested approach by focusing network training on intricate instances.
The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.
RP: Data curation, Formal Analysis, Investigation, Methodology, Software, Writing–original draft, Writing–review and editing, Conceptualization. AG: Supervision, Validation, Visualization, Writing–review and editing.
The author(s) declare that no financial support was received for the research, authorship, and/or publication of this article.
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
The author(s) declare that no Generative AI was used in the creation of this manuscript.
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
Akram S., Javed M. Y., Akram M. U., Qamar U., Hassan A. (2016). Pulmonary nodules detection and classification using hybrid features from computerized tomographic images. J. Med. Imaging Health Inf. 6 (1), 252–259. doi:10.1166/jmihi.2016.1600
Ali I., Muzammil M., Haq I. U., Amir M., Abdullah S. (2021). Deep feature selection and decision level fusion for lungs nodule classification. IEEE Access 9, 18962–18973. doi:10.1109/ACCESS.2021.3054735
Bhanumathi S., Chandrashekara S. N. (2021). Deep earning based bilstm architecture for lung cancer classification. Int. J. Adv. Res. Eng. Technol. (IJARET) 12 (1), 492–503. doi:10.34218/IJARET.12.1.2020.045
Chakraborti T., McCane B., Mills S., Pal U. (2018). LOOP descriptor: local optimal-oriented pattern. IEEE Signal Process. Lett. 25 (5), 635–639. doi:10.1109/LSP.2018.2817176
Chen Y., Wang Y., Hu F., Feng L., Zhou T., Zheng C. (2021). LDNNET: towards robust classification of lung nodule and cancer using lung dense neural network. IEEE Access 9, 50301–50320. doi:10.1109/ACCESS.2021.3068896
Chen Y., Wang Y., Hu F., Wang D. (2020). A lung dense deep convolution neural network for robust lung parenchyma segmentation. IEEE Access 8, 93527–93547. doi:10.1109/ACCESS.2021.3068896
Chou J. S., Molla A. (2022). Recent advances in use of bio-inspired jellyfish search algorithm for solving optimization problems. Sci. Rep. 12 (1), 19157. doi:10.1038/s41598-022-23121-z
Dandıl E., Çakiroğlu M., Ekşi Z., Özkan M., Kurt Ö. K., Canan A. (2014). “Artificial neural network-based classification system for lung nodules on computed tomography scans,” in 2014 6th International conference of soft computing and pattern recognition (SoCPaR) (Piscataway, NJ:IEEE), 382–386. doi:10.1109/SOCPAR.2014.7008037
Elzayady H., Sobhy M., Badran K. (2021). Integrated bidirectional LSTM–CNN model for customers reviews classification. J. Eng. Sci. Mil. Technol. 5 (1). doi:10.21608/JMTC.2021.66626.1172
Farahani F. V., Ahmadi A., Zarandi M. H. F. (2018). Hybrid intelligent approach for diagnosis of the lung nodule from CT images using spatial kernelized fuzzy c-means and ensemble learning. Math. Comput. Simul. 149, 48–68. doi:10.1016/j.matcom.2018.02.001
Ferreira F. T., Sousa P., Galdran A., Sousa M. R., Campilho A. (2018)). “End-to-end supervised lung lobe segmentation,” in 2018 international joint conference on neural networks (IJCNN) (IEEE), 1–8. doi:10.1109/IJCNN.2018.8489677
Gandomi A. H., Alavi A. H. (2012). Krill herd: a new bio-inspired optimization algorithm. Commun. nonlinear Sci. Numer. Simul. 17 (12), 4831–4845. doi:10.1016/j.cnsns.2012.05.010
Ganesan R., Merline A. (2017). Fuzzy-C-means clustering based segmentation and CNN-classification for accurate segmentation of lung nodules. Asian Pac. J. Cancer Prev. APJCP 18 (7), 1869–1874. doi:10.22034/APJCP.2017.18.7.1869
Gerard S. E., Reinhardt J. M. (2019). “Pulmonary lobe segmentation using a sequence of convolutional neural networks for marginal learning,” in 2019 IEEE 16th international symposium on biomedical imaging (ISBI 2019) (IEEE), 1207–1211. doi:10.1109/ISBI.2019.8759212
Gugulothu V. K., Balaji S. (2024). Retraction Note: an early prediction and classification of lung nodule diagnosis on CT images based on hybrid deep learning techniques. Multimed. Tools Appl. 83, 88555. doi:10.1007/s11042-024-20019-y
Hameed Z., Garcia-Zapirain B. (2020). Sentiment classification using a single-layered BiLSTM model. Ieee Access 8, 73992–74001. doi:10.1109/ACCESS.2020.2988550
Harsono I. W., Liawatimena S., Cenggoro T. W. (2022). Lung nodule detection and classification from Thorax CT-scan using RetinaNet with transfer learning. J. King Saud University-Computer Inf. Sci. 34 (3), 567–577. doi:10.1016/j.jksuci.2020.03.013
Huang X., Shan J., Vaidya V. (2017). “Lung nodule detection in CT using 3D convolutional neural networks,” in 2017 IEEE 14th international symposium on biomedical imaging (ISBI 2017) (IEEE), 379–383. doi:10.1109/ISBI.2017.7950542
Jacobs C., Van Rikxoort E. M., Twellmann T., Scholten E. T., De Jong P. A., Kuhnigk J. M., et al. (2014). Automatic detection of subsolid pulmonary nodules in thoracic computed tomography images. Med. image Anal. 18 (2), 374–384. doi:10.1016/j.media.2013.12.001
Ji Z., Wu Y., Zeng X., An Y., Zhao L., Wang Z., et al. (2023). Lung nodule detection in medical images based on improved YOLOv5s. IEEE Access 11, 76371–76387. doi:10.1109/ACCESS.2023.3296530
Khan S. A., Nazir M., Khan M. A., Saba T., Javed K., Rehman A., et al. (2019). Lung’s nodule detection framework from computed tomography images using support vector machine. Microsc. Res. Tech. 82 (8), 1256–1266. doi:10.1002/jemt.23275
Lennartz S., Mager A., Grosse Hokamp N., Schäfer S., Zopfs D., Maintz D., et al. (2021). Texture analysis of iodine maps and conventional images for k-nearest neighbor classification of benign and metastatic lung nodules. Cancer Imaging 21, 17–10. doi:10.1186/s40644-020-00374-3
Li Z., Zhang J., Tan T., Teng X., Sun X., Zhao H., et al. (2020). Deep learning methods for lung cancer segmentation in whole-slide histopathology images—the acdc@ lunghp challenge 2019. IEEE J. Biomed. Health Inf. 25 (2), 429–440. doi:10.1109/JBHI.2020.3039741
Liang S., Wang T., Chen C., Liu H., Qin C., Feng Y. (2022). RSEA-Net: residual squeeze and excitation attention network for medical image segmentation. doi:10.21203/rs.3.rs-1419097/v1
Lin T. Y., Dollár P., Girshick R., He K., Hariharan B., Belongie S. (2017). “Feature pyramid networks for object detection,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2117–2125.
Liu W., Liu X., Li H., Li M., Zhao X., Zhu Z. (2021b). Integrating lung parenchyma segmentation and nodule detection with deep multi-task learning. IEEE J. Biomed. Health Inf. 25 (8), 3073–3081. doi:10.1109/JBHI.2021.3053023
Liu X., Li K. W., Yang R., Geng L. S. (2021a). Review of deep learning based automatic segmentation for lung cancer radiotherapy. Front. Oncol. 11, 717039. doi:10.3389/fonc.2021.717039
Mahum R., AlSalman A. (2023). Lung-RetinaNet: lung cancer detection using a RetinaNet with multi-scale feature fusion and context module. IEEE Access 11, 53850–53861. doi:10.1109/ACCESS.2023.3281259
Mozaffari A., Fathi A. (2012). Identifying the behaviour of laser solid freeform fabrication system using aggregated neural network and the great salmon run optimisation algorithm. Int. J. Bio-Inspired Comput. 4 (5), 330–343. doi:10.1504/IJBIC.2012.049901
Murphy K., van Ginneken B., Schilham A. M., De Hoop B. J., Gietema H. A., Prokop M. (2009). A large-scale evaluation of automatic pulmonary nodule detection in chest CT using local image features and k-nearest-neighbour classification. Med. image Anal. 13 (5), 757–770. doi:10.1016/j.media.2009.07.001
Mutlag W. K., Ali S. K., Aydam Z. M., Taher B. H. (2020). “Feature extraction methods: a review,”, 1591. J. Phys. Conf. Ser. doi:10.1088/1742-6596/1591/1/012028
Naseer I., Akram S., Masood T., Rashid M., Jaffar A. (2023). Lung cancer classification using modified U-Net based lobe segmentation and nodule detection. IEEE Access 11, 60279–60291. doi:10.1109/ACCESS.2023.3285821
Nasrullah N., Sang J., Alam M. S., Mateen M., Cai B., Hu H. (2019). Automated lung nodule detection and classification using deep learning combined with multiple strategies. Sensors 19 (17), 3722. doi:10.3390/s19173722
Nguyen C. C., Tran G. S., Burie J. C., Nghiem T. P. (2021). Pulmonary nodule detection based on faster R-CNN with adaptive anchor box. Ieee Access 9, 154740–154751. doi:10.1109/ACCESS.2021.3128942
Nithila E. E., Kumar S. S. (2016). Segmentation of lung nodule in CT data using active contour model and Fuzzy C-mean clustering. Alexandria Eng. J. 55 (3), 2583–2588. doi:10.1016/j.aej.2016.06.002
Ozekes S., Osman O. (2010). Computerized lung nodule detection using 3D feature extraction and learning based algorithms. J. Med. Syst. 34, 185–194. doi:10.1007/s10916-008-9230-0
Saihood A., Karshenas H., Naghsh-Nilchi A. R. (2023). Multi-orientation local texture features for guided attention-based fusion in lung nodule classification. IEEE Access 11, 17555–17568. doi:10.1109/ACCESS.2023.3243104
Schabath M. B., Cote M. L. (2019). Cancer progress and priorities: lung cancer. Cancer Epidemiol. biomarkers and Prev. 28 (10), 1563–1579. doi:10.1158/1055-9965.EPI-19-0221
Sebastian A. E., Dua D. (2023). Lung nodule detection via optimized convolutional neural network: impact of improved moth flame algorithm. Sens. Imaging 24 (1), 11. doi:10.1007/s11220-022-00406-1
Sharma P., Mehta M., Dhanjal D. S., Kaur S., Gupta G., Singh H., et al. (2019). Emerging trends in the novel drug delivery approaches for the treatment of lung cancer. Chemico-biological Interact. 309, 108720. doi:10.1016/j.cbi.2019.06.033
Shukla V. V. K., Tanmisha M., Aluru R., Nagisetti B., Tumuluru P. (2021). “Lung nodule detection through ct scan images and dnn models,” in 2021 6th international conference on inventive computation technologies (ICICT) (IEEE), 962–967. doi:10.1109/ICICT50816.2021.9358545
Sreekumar A., Nair K. R., Sudheer S., Nayar H. G., Nair J. J. (2020). “Malignant lung nodule detection using deep learning,” in 2020 International conference on communication and signal processing (ICCSP) (IEEE), 0209–0212. doi:10.1109/ICCSP48568.2020.9182258
Sui Y., Wei Y., Zhao D. (2015). Computer-aided lung nodule recognition by SVM classifier based on combination of random under sampling and SMOTE. Comput. Math. methods Med. 2015 (1), 368674. doi:10.1155/2015/368674
Thallam C., Peruboyina A., Raju S. S. T., Sampath N. (2020). “Early-stage lung cancer prediction using various machine learning techniques,” in 2020 4th international conference on electronics, communication and aerospace technology (ICECA) (IEEE), 1285–1292. doi:10.1109/ICECA49313.2020.9297576
Tong C., Liang B., Zhang M., Chen R., Sangaiah A. K., Zheng Z., et al. (2020). Pulmonary nodule detection based on ISODATA-improved faster RCNN and 3D-CNN with focal loss. Commun. Appl. (TOMM) 16 (1s), 1–9. doi:10.1145/3365445
UrRehman Z., Qiang Y., Wang L., Shi Y., Yang Q., Khattak S. U., et al. (2024). Effective lung nodule detection using deep CNN with dual attention mechanisms. Sci. Rep. 14 (1), 3934. doi:10.1038/s41598-024-51833-x
Wang S., Zhou M., Liu Z., Liu Z., Gu D., Zang Y., et al. (2017). Central focused convolutional neural networks: developing a data-driven model for lung nodule segmentation. Med. image Anal. 40, 172–183. doi:10.1016/j.media.2017.06.014
Wang X., Chen H., Gan C., Lin H., Dou Q., Tsougenis E., et al. (2019). Weakly supervised deep learning for whole slide lung cancer image analysis. IEEE Trans. Cybern. 50 (9), 3950–3962. doi:10.1109/TCYB.2019.2935141
Wankhade S., Vigneshwari S. (2023). A novel hybrid deep learning method for early detection of lung cancer using neural networks. Healthc. Anal. 3, 100195. doi:10.1016/j.health.2023.100195
Wu X., Sun J., Fan G., Wang Z. (2015). Improved local ternary patterns for automatic target recognition in infrared imagery. Sensors 15 (3), 6399–6418. doi:10.3390/s150306399
Xing J., Li C., Wu P., Cai X., Ouyang J. (2024). Optimized fuzzy K-nearest neighbor approach for accurate lung cancer prediction based on radial endobronchial ultrasonography. Comput. Biol. Med. 171, 108038. doi:10.1016/j.compbiomed.2024.108038
Yu L., Xie L., Liu C., Yu S., Guo Y., Yang K. (2022). Optimization of BP neural network model by chaotic krill herd algorithm. Alexandria Eng. J. 61 (12), 9769–9777. doi:10.1016/j.aej.2022.02.033
Keywords: lung nodule detection, fuzzy c-means clustering, Resnet −101, cnidaria herd optimization, lobe segmentation, deep learning
Citation: Prasada Rao RH and Goswami AD (2025) Cnidaria herd optimized fuzzy C-means clustering enabled deep learning model for lung nodule detection. Front. Physiol. 16:1511716. doi: 10.3389/fphys.2025.1511716
Received: 15 October 2024; Accepted: 12 February 2025;
Published: 18 March 2025.
Edited by:
Feng Liu, The University of Queensland, AustraliaReviewed by:
Mario Versaci, Mediterranea University of Reggio Calabria, ItalyCopyright © 2025 Prasada Rao and Goswami. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Agam Das Goswami, YWdhbS5nb3N3YW1pQHZpdGFwLmFjLmlu
Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.
Research integrity at Frontiers
Learn more about the work of our research integrity team to safeguard the quality of each article we publish.