Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 20 de 43
Filtrar
1.
Sensors (Basel) ; 24(6)2024 Mar 08.
Artigo em Inglês | MEDLINE | ID: mdl-38544021

RESUMO

Compared to fault diagnosis across operating conditions, the differences in data distribution between devices are more pronounced and better aligned with practical application needs. However, current research on transfer learning inadequately addresses fault diagnosis issues across devices. To better balance the relationship between computational resources and diagnostic accuracy, a knowledge distillation-based lightweight transfer learning framework for rolling bearing diagnosis is proposed in this study. Specifically, a deep teacher-student model based on variable-scale residual networks is constructed to learn domain-invariant features relevant to fault classification within both the source and target domain data. Subsequently, a knowledge distillation framework incorporating a temperature factor is established to transfer fault features learned by the large teacher model in the source domain to the smaller student model, thereby reducing computational and parameter overhead. Finally, a multi-kernel domain adaptation method is employed to capture the feature probability distribution distance of fault characteristics between the source and target domains in Reproducing Kernel Hilbert Space (RKHS), and domain-invariant features are learned by minimizing the distribution distance between them. The effectiveness and applicability of the proposed method in situations of incomplete data across device types were validated through two engineering cases, spanning device models and transitioning from laboratory equipment to real-world operational devices.

2.
Radiol Med ; 129(1): 48-55, 2024 Jan.
Artigo em Inglês | MEDLINE | ID: mdl-38082195

RESUMO

OBJECT: The purpose of this study was to explore a machine learning-based residual networks (ResNets) model to detect atrial septal defect (ASD) on chest radiographs. METHODS: This retrospective study included chest radiographs consecutively collected at our hospital from June 2017 to May 2022. Qualified chest radiographs were obtained from patients who had finished echocardiography. These chest radiographs were labeled as positive or negative for ASD based on the echocardiographic reports and were divided into training, validation, and test dataset. Six ResNets models were employed to examine and compare by using the training dataset and was tuned using the validation dataset. The area under the curve, recall, precision and F1-score were taken as the evaluation metrics for classification result in the test dataset. Visualizing regions of interest for the ResNets models using heat maps. RESULTS: This study included a total of 2105 chest radiographs of children with ASD (mean age 4.14 ± 2.73 years, 54% male), patients were randomly assigned to training, validation, and test dataset with an 8:1:1 ratio. Healthy children's images were supplemented to three datasets in a 1:1 ratio with ASD patients. Following the training, ResNet-10t and ResNet-18D have a better estimation performance, with precision, recall, accuracy, F1-score, and the area under the curve being (0.92, 0.93), (0.91, 0.91), (0.90, 0.90), (0.91, 0.91) and (0.97, 0.96), respectively. Compared to ResNet-18D, ResNet-10t was more focused on the distribution of the heat map of the interest region for most chest radiographs from ASD patients. CONCLUSION: The ResNets model is feasible for identifying ASD through children's chest radiographs. ResNet-10t stands out as the preferable estimation model, providing exceptional performance and clear interpretability.


Assuntos
Ecocardiografia , Comunicação Interatrial , Criança , Pré-Escolar , Feminino , Humanos , Lactente , Masculino , Comunicação Interatrial/diagnóstico por imagem , Aprendizado de Máquina , Radiografia , Estudos Retrospectivos
3.
Sensors (Basel) ; 23(6)2023 Mar 09.
Artigo em Inglês | MEDLINE | ID: mdl-36991687

RESUMO

In deeper layers, ResNet heavily depends on skip connections and Relu. Although skip connections have demonstrated their usefulness in networks, a major issue arises when the dimensions between layers are not consistent. In such cases, it is necessary to use techniques such as zero-padding or projection to match the dimensions between layers. These adjustments increase the complexity of the network architecture, resulting in an increase in parameter number and a rise in computational costs. Another problem is the vanishing gradient caused by utilizing Relu. In our model, after making appropriate adjustments to the inception blocks, we replace the deeper layers of ResNet with modified inception blocks and Relu with our non-monotonic activation function (NMAF). To reduce parameter number, we use symmetric factorization and 1×1 convolutions. Utilizing these two techniques contributed to reducing the parameter number by around 6 M parameters, which has helped reduce the run time by 30 s/epoch. Unlike Relu, NMAF addresses the deactivation problem of the non-positive number by activating the negative values and outputting small negative numbers instead of zero in Relu, which helped in enhancing the convergence speed and increasing the accuracy by 5%, 15%, and 5% for the non-noisy datasets, and 5%, 6%, 21% for non-noisy datasets.

4.
Sensors (Basel) ; 22(16)2022 Aug 19.
Artigo em Inglês | MEDLINE | ID: mdl-36016010

RESUMO

Radar signal anomaly detection is an effective method to detect potential threat targets. Given the low Accuracy of the traditional AE model and the complex network of GAN, an anomaly detection method based on ResNet-AE is proposed. In this method, CNN is used to extract features and learn the potential distribution law of data. LSTM is used to discover the time dependence of data. ResNet is used to alleviate the problem of gradient loss and improve the efficiency of the deep network. Firstly, the signal subsequence is extracted according to the pulse's rising edge and falling edge. Then, the normal radar signal data are used for model training, and the mean square error distance is used to calculate the error between the reconstructed data and the original data. Finally, the adaptive threshold is used to determine the anomaly. Experimental results show that the recognition Accuracy of this method can reach more than 85%. Compared with AE, CNN-AE, LSTM-AE, LSTM-GAN, LSTM-based VAE-GAN, and other models, Accuracy is increased by more than 4%, and it is improved in Precision, Recall, F1-score, and AUC. Moreover, the model has a simple structure, strong stability, and certain universality. It has good performance under different SNRs.

5.
Sensors (Basel) ; 22(15)2022 Aug 05.
Artigo em Inglês | MEDLINE | ID: mdl-35957417

RESUMO

Gesture recognition based on wearable devices is one of the vital components of human-computer interaction systems. Compared with skeleton-based recognition in computer vision, gesture recognition using wearable sensors has attracted wide attention for its robustness and convenience. Recently, many studies have proposed deep learning methods based on surface electromyography (sEMG) signals for gesture classification; however, most of the existing datasets are built for surface EMG signals, and there is a lack of datasets for multi-category gestures. Due to model limitations and inadequate classification data, the recognition accuracy of these methods cannot satisfy multi-gesture interaction scenarios. In this paper, a multi-category dataset containing 20 gestures is recorded with the help of a wearable device that can acquire surface electromyographic and inertial (IMU) signals. Various two-stream deep learning models are established and improved further. The basic convolutional neural network (CNN), recurrent neural network (RNN), and Transformer models are experimented on with our dataset as the classifier. The CNN and the RNN models' test accuracy is over 95%; however, the Transformer model has a lower test accuracy of 71.68%. After further improvements, the CNN model is introduced into the residual network and augmented to the CNN-Res model, achieving 98.24% accuracy; moreover, it has the shortest training and testing time. Then, after combining the RNN model and the CNN-Res model, the long short term memory (LSTM)-Res model and gate recurrent unit (GRU)-Res model achieve the highest classification accuracy of 99.67% and 99.49%, respectively. Finally, the fusion of the Transformer model and the CNN model enables the Transformer-CNN model to be constructed. Such improvement dramatically boosts the performance of the Transformer module, increasing the recognition accuracy from 71.86% to 98.96%.


Assuntos
Algoritmos , Gestos , Eletromiografia/métodos , Mãos , Humanos , Redes Neurais de Computação , Reconhecimento Psicológico
6.
Sensors (Basel) ; 22(19)2022 Sep 27.
Artigo em Inglês | MEDLINE | ID: mdl-36236431

RESUMO

With the development of industrial manufacturing intelligence, the role of rotating machinery in industrial production and life is more and more important. Aiming at the problems of the complex and changeable working environment of rolling bearings and limited computing ability, fault feature information cannot be effectively extracted, and the current deep learning model is difficult to be compatible with lightweight and high efficiency. Therefore, this paper proposes a fault detection method for power equipment based on an energy spectrum diagram and deep learning. Firstly, a novel two-dimensional time-frequency feature representation method and energy spectrum feature map based on wavelet packet transform is proposed, and an energy spectrum feature map dataset is made for subsequent diagnosis. This method can realize multi-resolution analysis, fully extract the feature information contained in the fault signal, and accelerate the convergence of the subsequent diagnosis model. Secondly, a lightweight residual dense convolutional neural network model (LR-DenseNet) is proposed. This model combines the advantages of residual learning and a dense connection, and can not only extract deep features more easily, but can also effectively use shallow features. Then, based on the lightweight residual dense convolutional neural network model, an LR-DenseSENet model is proposed. By introducing the transfer learning strategy and adding the channel domain, an attention mechanism is added to the channel feature fusion layer, with the accuracy of detection up to 99.4%, and the amount of parameter calculation greatly reduced to one-fifth of that of VGG. Finally, through an experimental analysis, it is verified that the fault detection model designed in this paper based on the combination of an energy spectrum feature map and LR-DenseSENet achieves a satisfactory detection effect.


Assuntos
Aprendizado Profundo , Redes Neurais de Computação , Fenômenos Físicos , Análise de Ondaletas
7.
Ultrason Imaging ; 43(2): 74-87, 2021 03.
Artigo em Inglês | MEDLINE | ID: mdl-33563138

RESUMO

In this study, an automatic pennation angle measuring approach based on deep learning is proposed. Firstly, the Local Radon Transform (LRT) is used to detect the superficial and deep aponeuroses on the ultrasound image. Secondly, a reference line are introduced between the deep and superficial aponeuroses to assist the detection of the orientation of muscle fibers. The Deep Residual Networks (Resnets) are used to judge the relative orientation of the reference line and muscle fibers. Then, reference line is revised until the line is parallel to the orientation of the muscle fibers. Finally, the pennation angle is obtained according to the direction of the detected aponeuroses and the muscle fibers. The angle detected by our proposed method differs by about 1° from the angle manually labeled. With a CPU, the average inference time for a single image of the muscle fibers with the proposed method is around 1.6 s, compared to 0.47 s for one of the image of a sequential image sequence. Experimental results show that the proposed method can achieve accurate and robust measurements of pennation angle.


Assuntos
Ultrassonografia
8.
BMC Med Inform Decis Mak ; 19(1): 206, 2019 10 29.
Artigo em Inglês | MEDLINE | ID: mdl-31664990

RESUMO

BACKGROUND: The global age-adjusted mortality rate related to atrial fibrillation (AF) registered a rapid growth in the last four decades, i.e., from 0.8 to 1.6 and 0.9 to 1.7 per 100,000 for men and women during 1990-2010, respectively. In this context, this study uses convolutional neural networks for classifying (diagnosing) AF, employing electrocardiogram data in a general hospital. METHODS: Data came from Anam Hospital in Seoul, Korea, with 20,000 unique patients (10,000 normal sinus rhythm and 10,000 AF). 30 convolutional neural networks were applied and compared for the diagnosis of the normal sinus rhythm vs. AF condition: 6 Alex networks with 5 convolutional layers, 3 fully connected layers and the number of kernels changing from 3 to 256; and 24 residual networks with the number of residuals blocks (or kernels) varying from 8 to 2 (or 64 to 2). RESULTS: In terms of the accuracy, the best Alex network was one with 24 initial kernels (i.e., kernels in the first layer), 5,268,818 parameters and the training time of 89 s (0.997), while the best residual network was one with 6 residual blocks, 32 initial kernels, 248,418 parameters and the training time of 253 s (0.999). In general, the performance of the residual network improved as the number of its residual blocks (its depth) increased. CONCLUSION: For AF diagnosis, the residual network might be a good model with higher accuracy and fewer parameters than its Alex-network counterparts.


Assuntos
Fibrilação Atrial/classificação , Diagnóstico por Computador , Eletrocardiografia , Redes Neurais de Computação , Progressão da Doença , Feminino , Glicoesfingolipídeos , Hospitais , Humanos , Masculino , República da Coreia
9.
Materials (Basel) ; 17(15)2024 Jul 28.
Artigo em Inglês | MEDLINE | ID: mdl-39124405

RESUMO

This study introduces an innovative method for identifying high-efficiency perovskite materials using an asymmetric convolution block (ACB). Our approach involves preprocessing extensive data on perovskite oxide materials and developing a precise predictive model. This system is designed to accurately predict key properties such as band gap and stability, thereby eliminating the reliance on traditional feature importance filtering. It exhibited outstanding performance, achieving an accuracy of 96.8% and a recall of 0.998 in classification tasks, and a coefficient of determination (R2) value of 0.993 with a mean squared error (MSE) of 0.004 in regression tasks. Notably, DyCoO3 and YVO3 were identified as promising candidates for photovoltaic applications due to their optimal band gaps. This efficient and precise method significantly advances the development of advanced materials for solar cells, providing a robust framework for rapid material screening.

10.
Photoacoustics ; 39: 100647, 2024 Oct.
Artigo em Inglês | MEDLINE | ID: mdl-39309019

RESUMO

A novel method is introduced to improve the detection performance of photoacoustic spectroscopy for trace gas detection. For effectively suppressing various types of noise, this method integrates photoacoustic spectroscopy with residual networks model which encompasses a total of 40 weighted layers. Firstly, this approach was employed to accurately retrieve methane concentrations at various levels. Secondly, the analysis of the signal-to-noise ratio (SNR) of multiple sets of photoacoustic spectroscopy signals revealed significant enhancement. The SNR was improved from 21 to 805, 52-962, 98-944, 188-933, 310-941, and 587-936 across the different concentrations, respectively, as a result of the application of the residual networks. Finally, further exploration for the measurement precision and stability of photoacoustic spectroscopy system utilizing residual networks was carried out. The measurement precision of 0.0626 ppm was obtained and the minimum detectable limit was found to be 1.47 ppb. Compared to traditional photoacoustic spectroscopy method, an approximately 46-fold improvement in detection limit and 69-fold enhancement in measurement precision were achieved, respectively. This method not only advances the measurement precision and stability of trace gas detection but also highlights the potential of deep learning algorithms in spectroscopy detection.

11.
Vis Comput Ind Biomed Art ; 7(1): 6, 2024 Mar 22.
Artigo em Inglês | MEDLINE | ID: mdl-38514491

RESUMO

Cardiovascular disease, primarily caused by atherosclerotic plaque formation, is a significant health concern. The early detection of these plaques is crucial for targeted therapies and reducing the risk of cardiovascular diseases. This study presents PlaqueNet, a solution for segmenting coronary artery plaques from coronary computed tomography angiography (CCTA) images. For feature extraction, the advanced residual net module was utilized, which integrates a deepwise residual optimization module into network branches, enhances feature extraction capabilities, avoiding information loss, and addresses gradient issues during training. To improve segmentation accuracy, a depthwise atrous spatial pyramid pooling based on bicubic efficient channel attention (DASPP-BICECA) module is introduced. The BICECA component amplifies the local feature sensitivity, whereas the DASPP component expands the network's information-gathering scope, resulting in elevated segmentation accuracy. Additionally, BINet, a module for joint network loss evaluation, is proposed. It optimizes the segmentation model without affecting the segmentation results. When combined with the DASPP-BICECA module, BINet enhances overall efficiency. The CCTA segmentation algorithm proposed in this study outperformed the other three comparative algorithms, achieving an intersection over Union of 87.37%, Dice of 93.26%, accuracy of 93.12%, mean intersection over Union of 93.68%, mean Dice of 96.63%, and mean pixel accuracy value of 96.55%.

12.
Neural Netw ; 172: 106104, 2024 Apr.
Artigo em Inglês | MEDLINE | ID: mdl-38219681

RESUMO

Neural Architecture Search (NAS) methods are widely employed to address the time-consuming and costly challenges associated with manual operation and design of deep convolutional neural networks (DCNNs). Nonetheless, prevailing methods still encounter several pressing obstacles, including limited network architecture design, excessively lengthy search periods, and insufficient utilization of the search space. In light of these concerns, this study proposes an optimization strategy for residual networks that leverages an enhanced Particle swarm optimization algorithm. Primarily, low-complexity residual architecture block is employed as the foundational unit for architecture exploration, facilitating a more diverse investigation into network architectures while minimizing parameters. Additionally, we employ a depth initialization strategy to confine the search space within a reasonable range, thereby mitigating unnecessary particle exploration. Lastly, we present a novel approach for computing particle differences and updating velocity mechanisms to enhance the exploration of updated trajectories. This method significantly contributes to the improved utilization of the search space and the augmentation of particle diversity. Moreover, we constructed a crime-dataset comprising 13 classes to assess the effectiveness of the proposed algorithm. Experimental results demonstrate that our algorithm can design lightweight networks with superior classification performance on both benchmark datasets and the crime-dataset.


Assuntos
Algoritmos , Redes Neurais de Computação , Benchmarking
13.
Heliyon ; 10(16): e36170, 2024 Aug 30.
Artigo em Inglês | MEDLINE | ID: mdl-39224351

RESUMO

To address rotor imbalance and misalignment in oil transfer pumps, an innovative diagnostic framework using Residual Network (ResNet) is proposed. The model incorporates advanced signal processing algorithms and strategic sensor placement to enhance diagnostic efficacy. A fault simulation test rig captured vibration signals from eight key measurement points on the pump. One-dimensional and multi-dimensional signal processing techniques generated comprehensive datasets for training and validating the model. Sensor placement optimization, focusing on the bearing seat's axial direction, inlet flange's vertical direction, and outlet flange's axial direction, increased rotor fault sensitivity. Time-frequency data processed via Short-Time Fourier Transform (STFT) achieved the highest diagnostic accuracy, surpassing 98 %. This study highlights the importance of optimal signal processing and precise sensor placement in improving the accuracy of diagnosing rotor faults in oil transfer pumps, thus enhancing the operational reliability and efficiency of energy transportation systems.

14.
Sci Rep ; 14(1): 5087, 2024 03 01.
Artigo em Inglês | MEDLINE | ID: mdl-38429300

RESUMO

When traditional EEG signals are collected based on the Nyquist theorem, long-time recordings of EEG signals will produce a large amount of data. At the same time, limited bandwidth, end-to-end delay, and memory space will bring great pressure on the effective transmission of data. The birth of compressed sensing alleviates this transmission pressure. However, using an iterative compressed sensing reconstruction algorithm for EEG signal reconstruction faces complex calculation problems and slow data processing speed, limiting the application of compressed sensing in EEG signal rapid monitoring systems. As such, this paper presents a non-iterative and fast algorithm for reconstructing EEG signals using compressed sensing and deep learning techniques. This algorithm uses the improved residual network model, extracts the feature information of the EEG signal by one-dimensional dilated convolution, directly learns the nonlinear mapping relationship between the measured value and the original signal, and can quickly and accurately reconstruct the EEG signal. The method proposed in this paper has been verified by simulation on the open BCI contest dataset. Overall, it is proved that the proposed method has higher reconstruction accuracy and faster reconstruction speed than the traditional CS reconstruction algorithm and the existing deep learning reconstruction algorithm. In addition, it can realize the rapid reconstruction of EEG signals.


Assuntos
Compressão de Dados , Aprendizado Profundo , Processamento de Sinais Assistido por Computador , Compressão de Dados/métodos , Algoritmos , Eletroencefalografia/métodos
15.
Phys Eng Sci Med ; 2024 Sep 02.
Artigo em Inglês | MEDLINE | ID: mdl-39222215

RESUMO

Diabetic foot ulcer (DFU) is a common chronic complication of diabetes. This complication is characterized by the formation of ulcers that are difficult to heal on the skin of the foot. Ulcers can negatively affect patients' quality of life, and improperly treated lesions can result in amputation and even death. Traditionally, the severity and type of foot ulcers are determined by doctors through visual observations and on the basis of their clinical experience; however, this subjective evaluation can lead to misjudgments. In addition, quantitative methods have been developed for classifying and scoring are therefore time-consuming and labor-intensive. In this paper, we propose a reconstruction residual network with a fused spatial-channel attention mechanism (FARRNet) for automatically classifying DFUs. The use of pseudo-labeling and Data augmentation as a pre-processing technique can overcome problems caused by data imbalance and small sample size. The developed model's attention was enhanced using a spatial channel attention (SPCA) module that incorporates spatial and channel attention mechanisms. A reconstruction mechanism was incorporated into the developed residual network to improve its feature extraction ability for achieving better classification. The performance of the proposed model was compared with that of state-of-the-art models and those in the DFUC Grand Challenge. When applied to the DFUC Grand Challenge, the proposed method outperforms other state-of-the-art schemes in terms of accuracy, as evaluated using 5-fold cross-validation and the following metrics: macro-average F1-score, AUC, Recall, and Precision. FARRNet achieved the F1-score of 60.81%, AUC of 87.37%, Recall of 61.04%, and Precision of 61.56%. Therefore, the proposed model is more suitable for use in medical diagnosis environments with embedded devices and limited computing resources. The proposed model can assist patients in initial identifications of ulcer wounds, thereby helping them to obtain timely treatment.

16.
PeerJ Comput Sci ; 10: e1807, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38259879

RESUMO

Fault diagnosis of rolling bearings is a critical task, and in previous research, convolutional neural networks (CNN) have been used to process vibration signals and perform fault diagnosis. However, traditional CNN models have certain limitations in terms of accuracy. To improve accuracy, we propose a method that combines the Gramian angular difference field (GADF) with residual networks (ResNet) and embeds frequency channel attention module (Fca) in the ResNet to diagnose rolling bearing fault. Firstly, we used GADF to convert the signals into RGB three-channel fault images during data preprocessing. Secondly, to further enhance the performance of the model, on the foundation of the ResNet we embedded the frequency channel attention module with discrete cosine transform (DCT) to form Fca, to effectively explores the channel information of fault images and identifies the corresponding fault characteristics. Finally, the experiment validated that the accuracy of the new model reaches 99.3% and the accuracy reaches 98.6% even under an unbalanced data set, which significantly improves the accuracy of fault diagnosis and the generalization of the model.

17.
PeerJ Comput Sci ; 10: e1944, 2024.
Artigo em Inglês | MEDLINE | ID: mdl-38660147

RESUMO

Electrical impedance tomography (EIT) provides an indirect measure of the physiological state and growth of the maize ear by reconstructing the distribution of electrical impedance. However, the two-dimensional (2D) EIT within the electrode plane finds it challenging to comprehensively represent the spatial distribution of conductivity of the intact maize ear, including the husk, kernels, and cob. Therefore, an effective method for 3D conductivity reconstruction is necessary. In practical applications, fluctuations in the contact impedance of the maize ear occur, particularly with the increase in the number of grids and computational workload during the reconstruction of 3D spatial conductivity. These fluctuations may accentuate the ill-conditioning and nonlinearity of the EIT. To address these challenges, we introduce RFNetEIT, a novel computational framework specifically tailored for the absolute imaging of the three-dimensional electrical impedance of maize ear. This strategy transforms the reconstruction of 3D electrical conductivity into a regression process. Initially, a feature map is extracted from measured boundary voltage via a data reconstruction module, thereby enhancing the correlation among different dimensions. Subsequently, a nonlinear mapping model of the 3D spatial distribution of the boundary voltage and conductivity is established, utilizing the residual network. The performance of the proposed framework is assessed through numerical simulation experiments, acrylic model experiments, and maize ear experiments. Our experimental results indicate that our method yields superior reconstruction performance in terms of root-mean-square error (RMSE), correlation coefficient (CC), structural similarity index (SSIM), and inverse problem-solving time (IPST). Furthermore, the reconstruction experiments on maize ears demonstrate that the method can effectively reconstruct the 3D conductivity distribution.

18.
Sci Rep ; 14(1): 22696, 2024 10 01.
Artigo em Inglês | MEDLINE | ID: mdl-39353980

RESUMO

Pediatric Sleep Apnea-Hypopnea (SAH) presents a significant health challenge, particularly in diagnostic contexts, where conventional Polysomnography (PSG) testing, although effective, can be distressing for children. Addressing this, our research proposes a less invasive method to assess pediatric SAH severity by analyzing blood oxygen saturation (SpO2) signals. We adopted two advanced deep learning architectures, namely ResNet-based and attention-augmented hybrid CNN-BiGRU models, to process SpO2 signals in a one-dimensional (1D) format for Apnea-Hypopnea Index (AHI) estimation in pediatric subjects. Employing the CHAT dataset, which includes 844 SpO2 signals, the data was partitioned into training (60%), testing (30%), and validation (10%) sets. A predefined validation subset was randomly selected to ensure the models' robustness via a threefold cross-validation approach. Comparative analysis revealed that while the ResNet model attained an average accuracy of 72.9% across four SAH severity categories with a kappa score of 0.57, the CNN-BiGRU-Attention model demonstrated superior performance, achieving an average accuracy of 75.95% and a kappa score of 0.63. This distinction underscores our method's efficacy in both estimating AHI and categorizing SAH severity levels with notable precision. Further, to evaluate diagnostic capabilities, the models were benchmarked against common AHI thresholds (1, 5, and 10 events/hour) in each test fold, affirming their effectiveness in identifying pediatric SAH. This study marks a significant advance in the field, offering a non-invasive, child-friendly alternative for pediatric SAH diagnosis. Although challenges persist in accurately estimating AHI, particularly in severe cases, our findings represent a critical stride towards improving diagnostic processes in pediatric SAH.


Assuntos
Aprendizado Profundo , Saturação de Oxigênio , Polissonografia , Índice de Gravidade de Doença , Síndromes da Apneia do Sono , Humanos , Criança , Síndromes da Apneia do Sono/diagnóstico , Masculino , Feminino , Pré-Escolar , Polissonografia/métodos , Oximetria/métodos , Adolescente
19.
Bioeng Transl Med ; 8(6): e10587, 2023 Nov.
Artigo em Inglês | MEDLINE | ID: mdl-38023695

RESUMO

A novel recursive cascaded full-resolution residual network (RCFRR-Net) for abdominal four-dimensional computed tomography (4D-CT) image registration was proposed. The entire network was end-to-end and trained in the unsupervised approach, which meant that the deformation vector field, which presented the ground truth, was not needed during training. The network was designed by cascading three full-resolution residual subnetworks with different architectures. The training loss consisted of the image similarity loss and the deformation vector field regularization loss, which were calculated based on the final warped image and the fixed image, allowing all cascades to be trained jointly and perform the progressive registration cooperatively. Extensive network testing was conducted using diverse datasets, including an internal 4D-CT dataset, a public DIRLAB 4D-CT dataset, and a 4D cone-beam CT (4D-CBCT) dataset. Compared with the iteration-based demon method and two deep learning-based methods (VoxelMorph and recursive cascaded network), the RCFRR-Net achieved consistent and significant gains, which demonstrated that the proposed method had superior performance and generalization capability in medical image registration. The proposed RCFRR-Net was a promising tool for various clinical applications.

20.
Comput Methods Programs Biomed ; 237: 107591, 2023 Jul.
Artigo em Inglês | MEDLINE | ID: mdl-37182263

RESUMO

BACKGROUND AND OBJECTIVE: Transcranial focused ultrasound (tFUS) has emerged as a new non-invasive brain stimulation (NIBS) modality, with its exquisite ability to reach deep brain areas at a high spatial resolution. Accurate placement of an acoustic focus to a target region of the brain is crucial during tFUS treatment; however, the distortion of acoustic wave propagation through the intact skull casts challenges. High-resolution numerical simulation allows for monitoring of the acoustic pressure field in the cranium but also demands extensive computational loads. In this study, we adopt a super-resolution residual network technique based on a deep convolution to enhance the prediction quality of the FUS acoustic pressure field in the targeted brain regions. METHODS: The training dataset was acquired by numerical simulations performed at low-(1.0 mm) and high-resolutions (0.5mm) on three ex vivo human calvariae. Five different super-resolution (SR) network models were trained by using a multivariable dataset in 3D, which incorporated information on the acoustic pressure field, wave velocity, and localized skull computed tomography (CT) images. RESULTS: The accuracy of 80.87±4.50% in predicting the focal volume with a substantial improvement of 86.91% in computational cost compared to the conventional high-resolution numerical simulation was achieved. The results suggest that the method can greatly reduce the simulation time without sacrificing accuracy and improve the accuracy further with the use of additional inputs. CONCLUSIONS: In this research, we developed multivariable-incorporating SR neural networks for transcranial focused ultrasound simulation. Our super-resolution technique may contribute to promoting the safety and efficacy of tFUS-mediated NIBS by providing on-site feedback information on the intracranial pressure field to the operator.


Assuntos
Encéfalo , Crânio , Humanos , Encéfalo/diagnóstico por imagem , Crânio/diagnóstico por imagem , Simulação por Computador , Acústica , Cabeça
SELEÇÃO DE REFERÊNCIAS
DETALHE DA PESQUISA