4.7 Article

Small lung nodules detection based on local variance analysis and probabilistic neural network

期刊

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE
卷 161, 期 -, 页码 173-180

出版社

ELSEVIER IRELAND LTD
DOI: 10.1016/j.cmpb.2018.04.025

关键词

Chest X-ray screening; Biomedical image processing; Automatic pathology recognition; Probabilistic neural network

向作者/读者索取更多资源

Background and objective: In medical examinations doctors use various techniques in order to provide to the patients an accurate analysis of their actual state of health. One of the commonly used methodologies is the x-ray screening. This examination very often help to diagnose some diseases of chest organs. The most frequent cause of wrong diagnosis lie in the radiologist's difficulty in interpreting the presence of lungs carcinoma in chest X-ray. In such circumstances, an automated approach could be highly advantageous as it provides important help in medical diagnosis. Methods: In this paper we propose a new classification method of the lung carcinomas. This method start with the localization and extraction of the lung nodules by computing, for each pixel of the original image, the local variance obtaining an output image (variance image) with the same size of the original image. In the variance image we find the local maxima and then by using the locations of these maxima in the original image we found the contours of the possible nodules in lung tissues. However after this segmentation stage we find many false nodules. Therefore to discriminate the true ones we use a probabilistic neural network as classifier. Results: The performance of our approach is 92% of correct classifications, while the sensitivity is 95% and the specificity is 89.7%. The misclassification errors are due to the fact that network confuses false nodules with the true ones (6%) and true nodules with the false ones (2%). Conclusions: Several researchers have proposed automated algorithms to detect and classify pulmonary nodules but these methods fail to detect low-contrast nodules and have a high computational complexity, in contrast our method is relatively simple but at the same time provides good results and can detect low-contrast nodules. Furthermore, in this paper is presented a new algorithm for training the PNN neural networks that allows to obtain PNNs with many fewer neurons compared to the neural networks obtained by using the training algorithms present in the literature. So considerably lowering the computational burden of the trained network and at same time keeping the same performances. (C) 2018 Elsevier B.V. All rights reserved.

作者

我是这篇论文的作者
点击您的名字以认领此论文并将其添加到您的个人资料中。

评论

主要评分

4.7
评分不足

次要评分

新颖性
-
重要性
-
科学严谨性
-
评价这篇论文

推荐

Article Chemistry, Analytical

Malaria Detection Using Advanced Deep Learning Architecture

Wojciech Silka, Michal Wieczorek, Jakub Silka, Marcin Wozniak

Summary: Malaria is a life-threatening disease caused by parasites transmitted through mosquito bites. Early diagnosis and treatment are crucial, especially in developing countries. A novel CNN architecture with 99.68% accuracy for malaria detection is proposed, outperforming existing approaches and showing promise in resource-limited settings. The CNN was trained on a large dataset and accurately distinguished infected and uninfected samples, with high sensitivity and specificity. An analysis of model performance on different malaria subtypes and implications for infectious disease diagnosis using deep learning are discussed.

SENSORS (2023)

Article Computer Science, Information Systems

Spline Interpolation and Deep Neural Networks as Feature Extractors for Signature Verification Purposes

Wei Wei, Qiao Ke, Dawid Polap, Marcin Wozniak

Summary: Digital security in modern systems often relies on biometric methods, and new implementations continue to emerge. This can be seen in various applications, such as signing for a courier package pick-up. However, signature verification is a complex process due to variations in size, angle, and writing conditions. Therefore, new methods are constantly needed to evaluate signatures. In this article, the authors propose the use of spline interpolation and two types of artificial neural networks to verify the identity of a person based on selected local and global features extracted from signature images. Experimental results on the SVC2004 database demonstrate an accuracy of 87.7%.

IEEE INTERNET OF THINGS JOURNAL (2023)

Article Automation & Control Systems

Neuro-heuristic analysis of surveillance video in a centralized IoT system

Dawid Polap

Summary: This paper proposes an innovative approach to automatic monitoring data analysis system. By combining heuristic algorithms and convolutional neural networks, it can effectively analyze the pixel changes in surveillance recordings and reduce the amount of data processing, thereby improving the efficiency of the system.

ISA TRANSACTIONS (2023)

Editorial Material Plant Sciences

Editorial: Big data and artificial intelligence technologies for smart forestry

Weipeng Jing, Zhufang Kuang, Rafal Scherer, Marcin Wozniak

FRONTIERS IN PLANT SCIENCE (2023)

Article Computer Science, Artificial Intelligence

Hybrid image analysis model for hashtag recommendation through the use of deep learning methods

Dawid Polap

Summary: In this paper, a hybrid solution for automatic image description extraction is proposed. The network architecture includes a module for object removal and background element classification, followed by multi-branch convolutional network classification. The obtained probabilities are used to find semantic values through the Skip-Gram module. The main advantage of this solution is the ability to extend the network with additional branches to increase the number of main object classes.

EXPERT SYSTEMS WITH APPLICATIONS (2023)

Article Computer Science, Hardware & Architecture

Detail Feature Inpainting of Art Images in Online Educational Videos based on Double Discrimination Network

Feng Xue, Dawid Polap

Summary: This paper proposes a method for image detail restoration of online education videos based on dual discriminant networks in order to improve the image detail restoration effect and image quality of online education videos. By utilizing grayscale changes in the selected spatial domain, the detailed features of the original video art image are enhanced, and a dual discriminant generative adversarial network model is constructed to repair the enhanced image details. Experimental results show that this method has a good image enhancement effect in restoring image detail features, improving the dynamic range and grayscale contrast of the image, and has a significant effect on image detail repair.

MOBILE NETWORKS & APPLICATIONS (2023)

Article Computer Science, Artificial Intelligence

KGSR: A kernel guided network for real-world blind super-resolution

Qingsen Yan, Axi Niu, Chaoqun Wang, Wei Dong, Marcin Wozniak, Yanning Zhang

Summary: Deep learning-based methods have achieved remarkable results in the field of super-resolution. However, the limitation of paired training image sets has led researchers to explore self-supervised learning. However, the assumption of inaccurate downscaling kernel functions often leads to degraded results. To address this issue, this paper introduces KGSR, a kernel-guided network that trains both upscaling and downscaling networks to generate high-quality high-resolution images even without knowing the actual downscaling process.

PATTERN RECOGNITION (2024)

Article Multidisciplinary Sciences

Advanced deep learning techniques for early disease prediction in cauliflower plants

G. Prabu Kanna, S. J. K. Jagadeesh Kumar, Yogesh Kumar, Ankur Changela, Marcin Wozniak, Jana Shafi, Muhammad Fazal Ijaz

Summary: This paper aims to address the challenges in cauliflower disease identification and detection in agriculture by utilizing advanced deep transfer learning techniques, ultimately benefiting farmers and consumers.

SCIENTIFIC REPORTS (2023)

Article Computer Science, Information Systems

Bilinear Pooling With Poisoning Detection Module for Automatic Side Scan Sonar Data Analysis

Dawid Polap, Antoni Jaszcz, Natalia Wawrzyniak, Grzegorz Zaniewicz

Summary: Automatic analysis of side-scan sonar (SSS) images is challenging due to acoustic measurement parameters and the variety of objects present. Furthermore, there is a risk of potential attacks on the seabed analysis application. To address these issues, we propose a solution based on convolutional neural networks with bilinear pooling, which improves classification accuracy by merging data from two networks. The first network analyzes the original image, while the second network analyzes the image after applying the superpixel method, allowing for the consideration of different types of features. Additionally, we introduce a poisoning detection mechanism to analyze the images and network results. Real SSS images obtained in Szczecin city, Poland are used for evaluation. The importance of this scientific research lies in its contribution to accurate analysis and safe measurements.

IEEE ACCESS (2023)

Article Multidisciplinary Sciences

A smart privacy preserving framework for industrial IoT using hybrid meta-heuristic algorithm

Mohit Kumar, Priya Mukherjee, Sahil Verma, Kavita, Jana Shafi, Marcin Wozniak, Muhammad Fazal Ijaz

Summary: The Industrial Internet of Things (IIoT) faces challenges in data privacy and security. This research paper proposes a privacy preservation model in IIoT using artificial intelligent techniques. The model involves two stages: data sanitization and restoration. The sanitization process hides sensitive information and generates optimal keys using a new algorithm. The simulation results demonstrate the superiority of the proposed model over other state-of-the-art models in terms of performance metrics.

SCIENTIFIC REPORTS (2023)

Proceedings Paper Computer Science, Artificial Intelligence

Human-AI Collaboration to Increase the Perception of VR

Antoni Jaszcz, Katarzyna Prokop, Dawid Polap, Gautam Srivastava, Jerry Chun-Wei Lin

Summary: In this paper, a human-AI collaboration method is proposed for analyzing newly generated images to create virtual worlds. The method is based on using generative adversarial networks (GAN) to analyze different scenes and involve user communication to assess the created environment. User information contributes to analyzing sample quality and the potential need to retrain or rebuild the GAN model. This method enhances the perception of virtual reality.

ARTIFICIAL INTELLIGENCE AND SOFT COMPUTING, ICAISC 2022, PT I (2023)

Proceedings Paper Computer Science, Artificial Intelligence

Algorithm for Solving Optimal Placement of Routers in Mines

Alan Popiel, Marcin Wozniak

Summary: This paper presents a model and an algorithm to optimize the placement of routers in a network system for the mining industry, with N chambers and N-1 or fewer connections between them. The model considers two types of routers with different signal strengths, and the algorithm has a computational complexity of O(n(2), as tested on sample graph structures.

ARTIFICIAL INTELLIGENCE AND SOFT COMPUTING, ICAISC 2022, PT II (2023)

Proceedings Paper Computer Science, Artificial Intelligence

BiLSTM Deep Learning Model for Heart Problems Detection

Jakub Silka, Michal Wieczorek, Martyna Kobielnik, Marcin Wozniak

Summary: Deep learning architectures are used for demanding analysis of complex data inputs, where regular neural networks may encounter issues. In this article, we propose a deep learning model based on a BiLSTM neural network architecture. The proposed model is trained using the Adam algorithm, and we also examine other latest algorithms to determine the best configuration. Results show that our proposed BiLSTM deep learning neural network achieves over 99% accuracy.

ARTIFICIAL INTELLIGENCE AND SOFT COMPUTING, ICAISC 2022, PT I (2023)

Article Computer Science, Information Systems

Brain Tumor Categorization and Retrieval Using Deep Brain Incep Res Architecture Based Reinforcement Learning Network

Jyotismita Chaki, Marcin Wozniak

Summary: This study proposes a reinforcement learning agent that can interact with brain tumor images to retrieve and categorize similar images. The proposed method utilizes a novel architecture and binary coding technique, as well as fuzzy logic-based sample generation, to improve brain tumor classification and retrieval.

IEEE ACCESS (2023)

Article Computer Science, Artificial Intelligence

Fuzzy logic type-2 intelligent moisture control system

Marcin Wozniak, Jozef Szczotka, Andrzej Sikora, Adam Zielonka

Summary: This article presents a model of adjustable moisture control for historical buildings, utilizing a flexible IoT infrastructure and type-2 fuzzy logic reasoning to create an innovative intelligent system for interior conditions control. The developed system, tested in an old brewery building, showed efficient dehumidification results at a low cost.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Interdisciplinary Applications

Implementing new computational methods for the study of JCT and SC inner wall basement membrane biomechanics and hydrodynamics

Alireza Karimi, Reza Razaghi, Siddharth Daniel D'costa, Saeed Torbati, Sina Ebrahimi, Seyed Mohammadali Rahmati, Mary J. Kelley, Ted S. Acott, Haiyan Gong

Summary: This study investigated the biomechanical properties of the conventional aqueous outflow pathway using fluid-structure interaction. The results showed that the distribution of aqueous humor wall shear stress within this pathway is not uniform, which may contribute to our understanding of the underlying selective mechanisms.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Assessing privacy leakage in synthetic 3-D PET imaging using transversal GAN

Robert V. Bergen, Jean-Francois Rajotte, Fereshteh Yousefirizi, Arman Rahmim, Raymond T. Ng

Summary: This article introduces a 3D generative model called TrGAN, which can generate medical images with important features and statistical properties while protecting privacy. By evaluating through a membership inference attack, the fidelity, utility, and privacy trade-offs of the model were studied.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Deep reinforcement learning-based control of chemo-drug dose in cancer treatment

Hoda Mashayekhi, Mostafa Nazari, Fatemeh Jafarinejad, Nader Meskin

Summary: In this study, a novel model-free adaptive control method based on deep reinforcement learning (DRL) is proposed for cancer chemotherapy drug dosing. The method models the state variables and control action in their original infinite spaces, providing a more realistic solution. Numerical analysis shows the superior performance of the proposed method compared to the state-of-the-art RL-based approach.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Numerical study of hemodynamic changes in the Circle of Willis after stenosis of the internal carotid artery

Hao Sun, Bao Li, Liyuan Zhang, Yanping Zhang, Jincheng Liu, Suqin Huang, Xiaolu Xi, Youjun Liu

Summary: In cases of moderate stenosis in the internal carotid artery, the A1 segment of the anterior cerebral artery or the posterior communicating artery within the Circle of Willis may show a hemodynamic environment with high OSI and low TAWSS, increasing the risk of atherosclerosis development and stenosis in the CoW.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Endoscopic versus laparoscopic bariatric procedures: A computational biomechanical study through a patient-specific approach

Ilaria Toniolo, Paola Pirini, Silvana Perretta, Emanuele Luigi Carniel, Alice Berardo

Summary: This study compared the outcomes of endoscopic sleeve gastroplasty (ESG) and laparoscopic sleeve gastrectomy (LSG) in weight loss surgery using computational models of specific patients. The results showed significant differences between the two procedures in terms of stomach volume reduction and mechanical stimulation. A predictive model was proposed to support surgical planning and estimation of volume reduction after ESG.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Ability of machine-learning based clinical decision support system to reduce alert fatigue, wrong-drug errors, and alert users about look alike, sound alike medication

Chun-You Chen, Ya-Lin Chen, Jeremiah Scholl, Hsuan-Chia Yang, Yu-Chuan (Jack) Li

Summary: This study evaluated the overall performance of a machine learning-based CDSS (MedGuard) in triggering clinically relevant alerts and intercepting inappropriate drug errors and LASA drug errors. The results showed that MedGuard has the ability to improve patients' safety by triggering clinically valid alerts.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

DLFFNet: A new dynamical local feature fusion network for automatic aortic valve calcification recognition using echocardiography

Lingzhi Tang, Xueqi Wang, Jinzhu Yang, Yonghuai Wang, Mingjun Qu, HongHe Li

Summary: In this paper, a dynamical local feature fusion net for automatically recognizing aortic valve calcification (AVC) from echocardiographic images is proposed. The network segments high-echo areas and adjusts the selection of local features to better integrate global and local semantic representations. Experimental results demonstrate the effectiveness of the proposed approach.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Feature recognition in multiple CNNs using sEMG images from a prototype comfort test

You-Lei Fu, Wu Song, Wanni Xu, Jie Lin, Xuchao Nian

Summary: This study investigates the combination of surface electromyographic signals (sEMG) and deep learning-based CNN networks to study the interaction between humans and products and the impact on body comfort. It compares the advantages and disadvantages of different CNN networks and finds that DenseNet has unique advantages over other algorithms in terms of accuracy and ease of training, while mitigating issues of gradient disappearance and model degradation.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

k-strip: A novel segmentation algorithm in k-space for the application of skull stripping

Moritz Rempe, Florian Mentzel, Kelsey L. Pomykala, Johannes Haubold, Felix Nensa, Kevin Kroeninger, Jan Egger, Jens Kleesiek

Summary: In this study, a deep learning-based skull stripping algorithm for MRI was proposed, which works directly in the complex valued k-space and preserves the phase information. The results showed that the algorithm achieved similar results to the ground truth, with higher accuracy in the slices above the eye region. This approach not only preserves valuable information for further diagnostics, but also enables immediate anonymization of patient data before being transformed into the image domain.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Spatio-temporal layers based intra-operative stereo depth estimation network via hierarchical prediction and progressive training

Ziyang Chen, Laura Cruciani, Elena Lievore, Matteo Fontana, Ottavio De Cobelli, Gennaro Musi, Giancarlo Ferrigno, Elena De Momi

Summary: In this paper, a deep learning-based approach is proposed to recover 3D information of intra-operative scenes, which can enhance the safety of robot-assisted surgery by implementing depth estimation using stereo images.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Development of a virtual reality-based zygomatic implant surgery training system with global collision detection and optimized finite element method model

Ao Leng, Bolun Zeng, Yizhou Chen, Puxun Tu, Baoxin Tao, Xiaojun Chen

Summary: This study presents a novel training system for zygomatic implant surgery, which offers a more realistic simulation and training solution. By integrating visual, haptic, and auditory feedback, the system achieves global rigid-body collisions and soft tissue simulation, effectively improving surgeons' proficiency.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Modelling coronary flow and myocardial perfusion by integrating a structured-tree coronary flow model and a hyperelastic left ventricle model

Yingjie Wang, Xueqing Yin

Summary: This study developed an integrated computational model combining coronary flow and myocardial perfusion models to achieve physiologically accurate simulations. The model has the potential for clinical application in diagnosing insufficient myocardial perfusion.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

MA-RECON: Mask-aware deep-neural-network for robust fast MRI k-space interpolation

Nitzan Avidan, Moti Freiman

Summary: This study aims to enhance the generalization capabilities of DNN-based MRI reconstruction methods for undersampled k-space data. By introducing a mask-aware DNN architecture and training method, the under-sampled data and mask are encoded within the model structure, leading to improved performance. Rigorous testing on the widely accessible fastMRI dataset reveals that this approach demonstrates better generalization capabilities and robustness compared to traditional DNN methods.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

The impact of osteoporosis and diabetes on fracture healing under different loading conditions

Enhao Zhang, Saeed Miramini, Lihai Zhang

Summary: This study investigates the combined effects of osteoporosis and diabetes on fracture healing process by developing numerical models. The results show that osteoporotic fractures have higher instability and disruption in mesenchymal stem cells' proliferation and differentiation compared to non-osteoporotic fractures. Moreover, when osteoporosis coexists with diabetes, the healing process of fractures can be severely impaired.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)

Article Computer Science, Interdisciplinary Applications

Masked autoencoders with handcrafted feature predictions: Transformer for weakly supervised esophageal cancer classification

Yunhao Bai, Wenqi Li, Jianpeng An, Lili Xia, Huazhen Chen, Gang Zhao, Zhongke Gao

Summary: This study proposes an effective MIL method for classifying WSI of esophageal cancer. The use of self-supervised learning for feature extractor pretraining enhances feature extraction from esophageal WSI, leading to more robust and accurate performance. The proposed framework outperforms existing methods, achieving an accuracy of 93.07% and AUC of 95.31% on a comprehensive dataset of esophageal slide images.

COMPUTER METHODS AND PROGRAMS IN BIOMEDICINE (2024)