Deep learning
Tailored chemotherapy: Innovative deep-learning model customizing chemotherapy for high-grade serous ovarian carcinoma
Clin Transl Med. 2024 Sep;14(9):e1774. doi: 10.1002/ctm2.1774.
NO ABSTRACT
PMID:39243150 | DOI:10.1002/ctm2.1774
Spine muscle auto segmentation techniques in MRI imaging: a systematic review
BMC Musculoskelet Disord. 2024 Sep 6;25(1):716. doi: 10.1186/s12891-024-07777-4.
ABSTRACT
BACKGROUND: The accurate segmentation of spine muscles plays a crucial role in analyzing musculoskeletal disorders and designing effective rehabilitation strategies. Various imaging techniques such as MRI have been utilized to acquire muscle images, but the segmentation process remains complex and challenging due to the inherent complexity and variability of muscle structures. In this systematic review, we investigate and evaluate methods for automatic segmentation of spinal muscles.
METHODS: Data for this study were obtained from PubMed/MEDLINE databases, employing a search methodology that includes the terms 'Segmentation spine muscle' within the title, abstract, and keywords to ensure a comprehensive and systematic compilation of relevant studies. Systematic reviews were not included in the study.
RESULTS: Out of 369 related studies, we focused on 12 specific studies. All studies focused on segmentation of spine muscle use MRI, in this systematic review subjects such as healthy volunteers, back pain patients, ASD patient were included. MRI imaging was performed on devices from several manufacturers, including Siemens, GE. The study included automatic segmentation using AI, segmentation using PDFF, and segmentation using ROI.
CONCLUSION: Despite advancements in spine muscle segmentation techniques, challenges still exist. The accuracy and precision of segmentation algorithms need to be improved to accurately delineate the different muscle structures in the spine. Robustness to variations in image quality, artifacts, and patient-specific characteristics is crucial for reliable segmentation results. Additionally, the availability of annotated datasets for training and validation purposes is essential for the development and evaluation of new segmentation algorithms. Future research should focus on addressing these challenges and developing more robust and accurate spine muscle segmentation techniques to enhance clinical assessment and treatment planning for musculoskeletal disorders.
PMID:39243080 | DOI:10.1186/s12891-024-07777-4
nnU-Net based segmentation and 3D reconstruction of uterine fibroids with MRI images for HIFU surgery planning
BMC Med Imaging. 2024 Sep 6;24(1):233. doi: 10.1186/s12880-024-01385-3.
ABSTRACT
High-Intensity Focused Ultrasound (HIFU) ablation represents a rapidly advancing non-invasive treatment modality that has achieved considerable success in addressing uterine fibroids, which constitute over 50% of benign gynecological tumors. Preoperative Magnetic Resonance Imaging (MRI) plays a pivotal role in the planning and guidance of HIFU surgery for uterine fibroids, wherein the segmentation of tumors holds critical significance. The segmentation process was previously manually executed by medical experts, entailing a time-consuming and labor-intensive procedure heavily reliant on clinical expertise. This study introduced deep learning-based nnU-Net models, offering a cost-effective approach for their application in the segmentation of uterine fibroids utilizing preoperative MRI images. Furthermore, 3D reconstruction of the segmented targets was implemented to guide HIFU surgery. The evaluation of segmentation and 3D reconstruction performance was conducted with a focus on enhancing the safety and effectiveness of HIFU surgery. Results demonstrated the nnU-Net's commendable performance in the segmentation of uterine fibroids and their surrounding organs. Specifically, 3D nnU-Net achieved Dice Similarity Coefficients (DSC) of 92.55% for the uterus, 95.63% for fibroids, 92.69% for the spine, 89.63% for the endometrium, 97.75% for the bladder, and 90.45% for the urethral orifice. Compared to other state-of-the-art methods such as HIFUNet, U-Net, R2U-Net, ConvUNeXt and 2D nnU-Net, 3D nnU-Net demonstrated significantly higher DSC values, highlighting its superior accuracy and robustness. In conclusion, the efficacy of the 3D nnU-Net model for automated segmentation of the uterus and its surrounding organs was robustly validated. When integrated with intra-operative ultrasound imaging, this segmentation method and 3D reconstruction hold substantial potential to enhance the safety and efficiency of HIFU surgery in the clinical treatment of uterine fibroids.
PMID:39243001 | DOI:10.1186/s12880-024-01385-3
The application of chemical similarity measures in an unconventional modeling framework c-RASAR along with dimensionality reduction techniques to a representative hepatotoxicity dataset
Sci Rep. 2024 Sep 6;14(1):20812. doi: 10.1038/s41598-024-71892-4.
ABSTRACT
With the exponential progress in the field of cheminformatics, the conventional modeling approaches have so far been to employ supervised and unsupervised machine learning (ML) and deep learning models, utilizing the standard molecular descriptors, which represent the structural, physicochemical, and electronic properties of a particular compound. Deviating from the conventional approach, in this investigation, we have employed the classification Read-Across Structure-Activity Relationship (c-RASAR), which involves the amalgamation of the concepts of classification-based quantitative structure-activity relationship (QSAR) and Read-Across to incorporate Read-Across-derived similarity and error-based descriptors into a statistical and machine learning modeling framework. ML models developed from these RASAR descriptors use similarity-based information from the close source neighbors of a particular query compound. We have employed different classification modeling algorithms on the selected QSAR and RASAR descriptors to develop predictive models for efficient prediction of query compounds' hepatotoxicity. The predictivity of each of these models was evaluated on a large number of test set compounds. The best-performing model was also used to screen a true external data set. The concepts of explainable AI (XAI) coupled with Read-Across were used to interpret the contributions of the RASAR descriptors in the best c-RASAR model and to explain the chemical diversity in the dataset. The application of various unsupervised dimensionality reduction techniques like t-SNE and UMAP and the supervised ARKA framework showed the usefulness of the RASAR descriptors over the selected QSAR descriptors in their ability to group similar compounds, enhancing the modelability of the dataset and efficiently identifying activity cliffs. Furthermore, the activity cliffs were also identified from Read-Across by observing the nature of compounds constituting the nearest neighbors for a particular query compound. On comparing our simple linear c-RASAR model with the previously reported models developed using the same dataset derived from the US FDA Orange Book ( https://www.accessdata.fda.gov/scripts/cder/ob/index.cfm ), it was observed that our model is simple, reproducible, transferable, and highly predictive. The performance of the LDA c-RASAR model on the true external set supersedes that of the previously reported work. Therefore, the present simple LDA c-RASAR model can efficiently be used to predict the hepatotoxicity of query chemicals.
PMID:39242880 | DOI:10.1038/s41598-024-71892-4
A coordinated adaptive multiscale enhanced spatio-temporal fusion network for multi-lead electrocardiogram arrhythmia detection
Sci Rep. 2024 Sep 6;14(1):20828. doi: 10.1038/s41598-024-71700-z.
ABSTRACT
The multi-lead electrocardiogram (ECG) is widely utilized in clinical diagnosis and monitoring of cardiac conditions. The advancement of deep learning has led to the emergence of automated multi-lead ECG diagnostic networks, which have become essential in the fields of biomedical engineering and clinical cardiac disease diagnosis. Intelligent ECG diagnosis techniques encompass Recurrent Neural Networks (RNN), Transformers, and Convolutional Neural Networks (CNN). While CNN is capable of extracting local spatial information from images, it lacks the ability to learn global spatial features and temporal memory features. Conversely, RNN relies on time and can retain significant sequential features. However, they are not proficient in extracting lengthy dependencies of sequence data in practical scenarios. The self-attention mechanism in the Transformer model has the capability of global feature extraction, but it does not adequately prioritize local features and cannot extract spatial and channel features. This paper proposes STFAC-ECGNet, a model that incorporates CAMV-RNN block, CBMV-CNN block, and TSEF block to enhance the performance of the model by integrating the strengths of CNN, RNN, and Transformer. The CAMV-RNN block incorporates a coordinated adaptive simplified self-attention module that adaptively carries out global sequence feature retention and enhances spatial-temporal information. The CBMV-CNN block integrates spatial and channel attentional mechanism modules in a skip connection, enabling the fusion of spatial and channel information. The TSEF block implements enhanced multi-scale fusion of image spatial and sequence temporal features. In this study, comprehensive experiments were conducted using the PTB-XL large publicly available ECG dataset and the China Physiological Signal Challenge 2018 (CPSC2018) database. The results indicate that STFAC-ECGNet surpasses other cutting-edge techniques in multiple tasks, showcasing robustness and generalization.
PMID:39242748 | DOI:10.1038/s41598-024-71700-z
Magnetostrictive bi-perceptive flexible sensor for tracking bend and position of human and robot hand
Sci Rep. 2024 Sep 6;14(1):20781. doi: 10.1038/s41598-024-70661-7.
ABSTRACT
The sensor that simultaneously perceives bending strain and magnetic field has the potential to detect the finger bending state and hand position of the human and robot. Based on unique magneto-mechanical coupling effect of magnetostrictive materials, the proposed a bi-perceptive flexible sensor, consisting of the Co-Fe film and magnetic sensing plane coils, can realize dual information perception of strain/magnetic field through the change of magnetization state. The sensor structure and interface circuit of the sensing system are designed to provide high sensitivity and fast response, based on the input-output characteristics of the simulation model. An asynchronous multi-task deep learning method is proposed, which takes the output of the position task as the partial input of the bending state task to analyze the output information of the sensor quickly and accurately. The sensing system, integrating with the proposed model, can better predict the bending state and approach distance of human or robot hand.
PMID:39242674 | DOI:10.1038/s41598-024-70661-7
LEO navigation observables extraction using CLOCFC network
Sci Rep. 2024 Sep 4;14(1):20578. doi: 10.1038/s41598-024-70846-0.
ABSTRACT
In case of mitigate the reliance of aviation users on the Global Navigation Satellite System (GNSS) in an increasingly interference-prone environment, utilizing opportunistic signals from Low-Earth Orbit (LEO) for navigation and positioning is an alternative approach. However, LEO satellite SOPs are not intended for navigation. Therefore, it is necessary to design methods to extract navigation observables from these signals. In this paper, we proposed a lightweight deep learning model with a two-branch structure called CLOCFC, designed to extract navigation observables. Furthermore, we have established a low Earth orbit satellite signal dataset by using ORBCOMM constellation signals as the input to the model and Doppler frequency as the label for the model. The results show that CLOCFC, as a lightweight model, demonstrates a significantly faster convergence rate and higher accuracy in navigation observables extraction compared to other models (ResNet, Swin Transformer, and Clo Transformer). In CLOCFC, we introduce the CFC module, a kind of Liquid Neural Network, to enhance the information acquisition capability through the spatiotemporal information in the data sequence. Finally, we have also conducted extensive experiments with the Doppler shift extraction of LEO satellites as an example, under various noise and resolution conditions, demonstrating the superiority of the CLOCFC.
PMID:39242654 | DOI:10.1038/s41598-024-70846-0
An experimental system for detection and localization of hemorrhage using ultra-wideband microwaves with deep learning
Commun Eng. 2024 Sep 5;3(1):126. doi: 10.1038/s44172-024-00259-4.
ABSTRACT
Stroke is a leading cause of mortality and disability. Emergent diagnosis and intervention are critical, and predicated upon initial brain imaging; however, existing clinical imaging modalities are generally costly, immobile, and demand highly specialized operation and interpretation. Low-energy microwaves have been explored as a low-cost, small form factor, fast, and safe probe for tissue dielectric properties measurements, with both imaging and diagnostic potential. Nevertheless, challenges inherent to microwave reconstruction have impeded progress, hence conduction of microwave imaging remains an elusive scientific aim. Herein, we introduce a dedicated experimental framework comprising a robotic navigation system to translate blood-mimicking phantoms within a human head model. An 8-element ultra-wideband array of modified antipodal Vivaldi antennas was developed and driven by a two-port vector network analyzer spanning 0.6-9.0 GHz at an operating power of 1 mW. Complex scattering parameters were measured, and dielectric signatures of hemorrhage were learned using a dedicated deep neural network for prediction of hemorrhage classes and localization. An overall sensitivity and specificity for detection >0.99 was observed, with Rayleigh mean localization error of 1.65 mm. The study establishes the feasibility of a robust experimental model and deep learning solution for ultra-wideband microwave stroke detection.
PMID:39242634 | DOI:10.1038/s44172-024-00259-4
Pretrainable geometric graph neural network for antibody affinity maturation
Nat Commun. 2024 Sep 6;15(1):7785. doi: 10.1038/s41467-024-51563-8.
ABSTRACT
Increasing the binding affinity of an antibody to its target antigen is a crucial task in antibody therapeutics development. This paper presents a pretrainable geometric graph neural network, GearBind, and explores its potential in in silico affinity maturation. Leveraging multi-relational graph construction, multi-level geometric message passing and contrastive pretraining on mass-scale, unlabeled protein structural data, GearBind outperforms previous state-of-the-art approaches on SKEMPI and an independent test set. A powerful ensemble model based on GearBind is then derived and used to successfully enhance the binding of two antibodies with distinct formats and target antigens. ELISA EC50 values of the designed antibody mutants are decreased by up to 17 fold, and KD values by up to 6.1 fold. These promising results underscore the utility of geometric deep learning and effective pretraining in macromolecule interaction modeling tasks.
PMID:39242604 | DOI:10.1038/s41467-024-51563-8
Study preferences and exam outcomes in medical education: insights from renal physiology
BMC Med Educ. 2024 Sep 6;24(1):973. doi: 10.1186/s12909-024-05964-4.
ABSTRACT
BACKGROUND: Efficient learning strategies and resource utilization are critical in medical education, especially for complex subjects like renal physiology. This is increasingly important given the rise in chronic renal diseases and the decline in nephrology fellowships. However, the correlations between study time, perceived utility of learning resources, and academic performance are not well-explored, which led to this study.
METHODS: A cross-sectional survey was conducted with second-year medical students at the University of Bergen, Norway, to assess their preferred learning resources and study time dedicated to renal physiology. Responses were correlated with end-of-term exam scores.
RESULTS: The study revealed no significant correlation between time spent studying and overall academic performance, highlighting the importance of study quality over quantity. Preferences for active learning resources, such as Team-Based Learning, interactive lessons and formative assignments, were positively correlated with better academic performance. A notable correlation was found between students' valuation of teachers' professional competence and their total academic scores. Conversely, perceived difficulty across the curriculum and reliance on self-found online resources in renal physiology correlated negatively with academic performance. 'The Renal Pod', a locally produced renal physiology podcast, was popular across grades. Interestingly, students who listened to all episodes once achieved higher exam scores compared to those who listened to only some episodes, reflecting a strategic approach to podcast use. Textbooks, while less popular, did not correlate with higher exam scores. Despite the specific focus on renal physiology, learning preferences are systematically correlated with broader academic outcomes, reflecting the interconnected nature of medical education.
CONCLUSION: The study suggests that the quality and strategic approaches to learning significantly impact academic performance. Successful learners tend to be proactive, engaged, and strategic, valuing expert instruction and active participation. These findings support the integration of student-activating teaching methods and assignments that reward deep learning.
PMID:39242523 | DOI:10.1186/s12909-024-05964-4
Economical hybrid novelty detection leveraging global aleatoric semantic uncertainty for enhanced MRI-based ACL tear diagnosis
Comput Med Imaging Graph. 2024 Aug 29;117:102424. doi: 10.1016/j.compmedimag.2024.102424. Online ahead of print.
ABSTRACT
This study presents an innovative hybrid deep learning (DL) framework that reformulates the sagittal MRI-based anterior cruciate ligament (ACL) tear classification task as a novelty detection problem to tackle class imbalance. We introduce a highly discriminative novelty score, which leverages the aleatoric semantic uncertainty as this is modeled in the class scores outputted by the YOLOv5-nano object detection (OD) model. To account for tissue continuity, we propose using the global scores (probability vector) when the model is applied to the entire sagittal sequence. The second module of the proposed pipeline constitutes the MINIROCKET timeseries classification model for determining whether a knee has an ACL tear. To better evaluate the generalization capabilities of our approach, we also carry out cross-database testing involving two public databases (KneeMRI and MRNet) and a validation-only database from University General Hospital of Larissa, Greece. Our method consistently outperformed (p-value<0.05) the state-of-the-art (SOTA) approaches on the KneeMRI dataset and achieved better accuracy and sensitivity on the MRNet dataset. It also generalized remarkably good, especially when the model had been trained on KneeMRI. The presented framework generated at least 2.1 times less carbon emissions and consumed at least 2.6 times less energy, when compared with SOTA. The integration of aleatoric semantic uncertainty-based scores into a novelty detection framework, when combined with the use of lightweight OD and timeseries classification models, have the potential to revolutionize the MRI-based injury detection by setting a new precedent in diagnostic precision, speed and environmental sustainability. Our resource-efficient framework offers potential for widespread application.
PMID:39241271 | DOI:10.1016/j.compmedimag.2024.102424
Topology-preserving segmentation of abdominal muscle layers from ultrasound images
Med Phys. 2024 Sep 6. doi: 10.1002/mp.17377. Online ahead of print.
ABSTRACT
BACKGROUND: In clinical anesthesia, precise segmentation of muscle layers from abdominal ultrasound images is crucial for identifying nerve block locations accurately. Despite deep learning advancements, challenges persist in segmenting muscle layers with accurate topology due to pseudo and weak edges caused by acoustic artifacts in ultrasound imagery.
PURPOSE: To assist anesthesiologists in locating nerve block areas, we have developed a novel deep learning algorithm that can accurately segment muscle layers in abdominal ultrasound images with interference.
METHODS: We propose a comprehensive approach emphasizing the preservation of the segmentation's low-rank property to ensure correct topology. Our methodology integrates a Semantic Feature Extraction (SFE) module for redundant encoding, a Low-rank Reconstruction (LR) module to compress this encoding, and an Edge Reconstruction (ER) module to refine segmentation boundaries. Our evaluation involved rigorous testing on clinical datasets, comparing our algorithm against seven established deep learning-based segmentation methods using metrics such as Mean Intersection-over-Union (MIoU) and Hausdorff distance (HD). Statistical rigor was ensured through effect size quantification with Cliff's Delta, Multivariate Analysis of Variance (MANOVA) for multivariate analysis, and application of the Holm-Bonferroni method for multiple comparisons correction.
RESULTS: We demonstrate that our method outperforms other industry-recognized deep learning approaches on both MIoU and HD metrics, achieving the best outcomes with 88.21%/4.98 ( p m a x = 0.1893 $p_{max}=0.1893$ ) on the standard test set and 85.48%/6.98 ( p m a x = 0.0448 $p_{max}=0.0448$ ) on the challenging test set. The best&worst results for the other models on the standard test set were (87.20%/5.72)&(83.69%/8.12), and on the challenging test set were (81.25%/10.00)&(71.74%/16.82). Ablation studies further validate the distinct contributions of the proposed modules, which synergistically achieve a balance between maintaining topological integrity and edge precision.
CONCLUSIONS: Our findings validate the effective segmentation of muscle layers with accurate topology in complex ultrasound images, leveraging low-rank constraints. The proposed method not only advances the field of medical imaging segmentation but also offers practical benefits for clinical anesthesia by improving the reliability of nerve block localization.
PMID:39241262 | DOI:10.1002/mp.17377
Diagnostic accuracy of dental caries detection using ensemble techniques in deep learning with intraoral camera images
PLoS One. 2024 Sep 6;19(9):e0310004. doi: 10.1371/journal.pone.0310004. eCollection 2024.
ABSTRACT
Camera image-based deep learning (DL) techniques have achieved promising results in dental caries screening. To apply the intraoral camera image-based DL technique for dental caries detection and assess its diagnostic performance, we employed the ensemble technique in the image classification task. 2,682 intraoral camera images were used as the dataset for image classification according to dental caries presence and caries-lesion localization using DL models such as ResNet-50, Inception-v3, Inception-ResNet-v2, and Faster R-convolutional neural network according to diagnostic study design. 534 participants whose mean age [SD] was 47.67 [±13.94] years were enrolled. The dataset was divided into training (56.0%), validation (14.0%), and test subset (30.0%) annotated by one experienced dentist as a reference standard about dental caries detection and lesion location. The confusion matrix, area under the receiver operating characteristic curve (AUROC), and average precision (AP) were evaluated for performance analysis. In the end-to-end dental caries image classification, the ensemble DL models had consistently improved performance, in which as the best results, the ensemble model of Inception-ResNet-v2 achieved 0.94 of AUROC and 0.97 of AP. On the other hand, the explainable model achieved 0.91 of AUROC and 0.96 of AP after the ensemble application. For dental caries classification using intraoral camera images, the application of ensemble techniques exhibited consistently improved performance regardless of the DL models. Furthermore, the trial to create an explainable DL model based on carious lesion detection yielded favorable results.
PMID:39241044 | DOI:10.1371/journal.pone.0310004
Precision meets generalization: Enhancing brain tumor classification via pretrained DenseNet with global average pooling and hyperparameter tuning
PLoS One. 2024 Sep 6;19(9):e0307825. doi: 10.1371/journal.pone.0307825. eCollection 2024.
ABSTRACT
Brain tumors pose significant global health concerns due to their high mortality rates and limited treatment options. These tumors, arising from abnormal cell growth within the brain, exhibits various sizes and shapes, making their manual detection from magnetic resonance imaging (MRI) scans a subjective and challenging task for healthcare professionals, hence necessitating automated solutions. This study investigates the potential of deep learning, specifically the DenseNet architecture, to automate brain tumor classification, aiming to enhance accuracy and generalizability for clinical applications. We utilized the Figshare brain tumor dataset, comprising 3,064 T1-weighted contrast-enhanced MRI images from 233 patients with three prevalent tumor types: meningioma, glioma, and pituitary tumor. Four pre-trained deep learning models-ResNet, EfficientNet, MobileNet, and DenseNet-were evaluated using transfer learning from ImageNet. DenseNet achieved the highest test set accuracy of 96%, outperforming ResNet (91%), EfficientNet (91%), and MobileNet (93%). Therefore, we focused on improving the performance of the DenseNet, while considering it as base model. To enhance the generalizability of the base DenseNet model, we implemented a fine-tuning approach with regularization techniques, including data augmentation, dropout, batch normalization, and global average pooling, coupled with hyperparameter optimization. This enhanced DenseNet model achieved an accuracy of 97.1%. Our findings demonstrate the effectiveness of DenseNet with transfer learning and fine-tuning for brain tumor classification, highlighting its potential to improve diagnostic accuracy and reliability in clinical settings.
PMID:39241003 | DOI:10.1371/journal.pone.0307825
Multifunctional aggregation network of cell nuclei segmentation aiming histopathological diagnosis assistance: A new MA-Net construction
PLoS One. 2024 Sep 6;19(9):e0308326. doi: 10.1371/journal.pone.0308326. eCollection 2024.
ABSTRACT
Automated diagnostic systems can enhance the accuracy and efficiency of pathological diagnoses, nuclear segmentation plays a crucial role in computer-aided diagnosis systems for histopathology. However, achieving accurate nuclear segmentation is challenging due to the complex background tissue structures and significant variations in cell morphology and size in pathological images. In this study, we have proposed a U-Net based deep learning model, called MA-Net(Multifunctional Aggregation Network), to accurately segmenting nuclei from H&E stained images. In contrast to previous studies that focused on improving a single module of the network, we applied feature fusion modules, attention gate units, and atrous spatial pyramid pooling to the encoder and decoder, skip connections, and bottleneck of U-Net, respectively, to enhance the network's performance in nuclear segmentation. The dice coefficient loss was used during model training to enhance the network's ability to segment small objects. We applied the proposed MA-Net to multiple public datasets, and comprehensive results showed that this method outperforms the original U-Net method and other state-of-the-art methods in nuclei segmentation tasks. The source code of our work can be found in https://github.com/LinaZhaoAIGroup/MA-Net.
PMID:39241001 | DOI:10.1371/journal.pone.0308326
Classification of Alzheimer disease using DenseNet-201 based on deep transfer learning technique
PLoS One. 2024 Sep 6;19(9):e0304995. doi: 10.1371/journal.pone.0304995. eCollection 2024.
ABSTRACT
Alzheimer's disease (AD) is a brain illness that causes gradual memory loss. AD has no treatment and cannot be cured, so early detection is critical. Various AD diagnosis approaches are used in this regard, but Magnetic Resonance Imaging (MRI) provides the most helpful neuroimaging tool for detecting AD. In this paper, we employ a DenseNet-201 based transfer learning technique for diagnosing different Alzheimer's stages as Non-Demented (ND), Moderate Demented (MOD), Mild Demented (MD), Very Mild Demented (VMD), and Severe Demented (SD). The suggested method for a dataset of MRI scans for Alzheimer's disease is divided into five classes. Data augmentation methods were used to expand the size of the dataset and increase DenseNet-201's accuracy. It was found that the proposed strategy provides a very high classification accuracy. This practical and reliable model delivers a success rate of 98.24%. The findings of the experiments demonstrate that the suggested deep learning approach is more accurate and performs well compared to existing techniques and state-of-the-art methods.
PMID:39240975 | DOI:10.1371/journal.pone.0304995
Evaluation of influencing factors of China university teaching quality based on fuzzy logic and deep learning technology
PLoS One. 2024 Sep 6;19(9):e0303613. doi: 10.1371/journal.pone.0303613. eCollection 2024.
ABSTRACT
Nowadays, colleges and universities focus on the assessment model for considering educational offers, suitable environments, and circumstances for students' growth, as well as the influence of Teaching Quality (TQ) and the applicability of the skills promoted by teaching to life. Teaching excellence is an important evaluation metric at the university level, but it is challenging to determine it accurately due to its wide range of influencing factors. Fuzzy and Deep Learning (DL) approaches must be could to build an assessment model that can precisely measure the teaching qualities to enhance accuracy. Combining fuzzy logic and DL can provide a powerful approach for assessing the influencing factors of college and university teaching effects by implementing the Sequential Intuitionistic Fuzzy (SIF) assisted Long Short-Term Memory (LSTM) model proposed. Sequential Intuitionistic Fuzzy (SIF) can be used sets to assess factors that affect teaching quality to enhance teaching methods and raise the standard of education. LSTM model to create a predictive model that can pinpoint the primary factors that influence teaching quality and forecast outcomes in the future using those influencing factors for academic growth. The enhancement of the SIF-LSTM model for assessing the influencing factors of teaching quality is proved by the accuracy of 98.4%, Mean Square Error (MSE) of 0.028%, Tucker Lewis Index (TLI) measure for all influencing factors and entropy measure of non-membership and membership degree correlation of factors related to quality in teaching by various dimensional measures. The effectiveness of the proposed model is validated by implementing data sources with a set of 60+ teachers' and students' open-ended questionnaire surveys from a university.
PMID:39240954 | DOI:10.1371/journal.pone.0303613
Modeling of SPM-GRU ping-pong ball trajectory prediction incorporating YOLOv4-Tiny algorithm
PLoS One. 2024 Sep 6;19(9):e0306483. doi: 10.1371/journal.pone.0306483. eCollection 2024.
ABSTRACT
The research aims to lift the accuracy of table tennis trajectory prediction through advanced computer vision and deep learning techniques to achieve real-time and accurate table tennis ball position and motion trajectory tracking. The study concentrates on the innovative application of a micro-miniature fourth-generation real-time target detection algorithm with a gated loop unit to table tennis ball motion analysis by combining physical models and deep learning methods. The results show that in the comparison experiments, the improved micro-miniature fourth-generation real-time target detection algorithm outperforms the traditional target detection algorithm, with the loss value decreasing to 1.54. Its average accuracy in multi-target recognition is dramatically increased to 86.74%, which is 22.36% higher than the original model, and the ping-pong ball recognition experiments show that it has an excellent accuracy in various lighting conditions, especially in low light, with an average accuracy of 89.12%. Meanwhile, the improved model achieves a processing efficiency of 85 frames/s. In addition, compared with the traditional trajectory prediction model, the constructed model performs the best in table tennis ball trajectory prediction, with errors of 4.5 mm, 25.3 mm, and 35.58 mm. The results show that the research trajectory prediction model achieves significant results in accurately tracking table tennis ball positions and trajectories. It not only has practical application value for table tennis training and competition strategies, but also provides a useful reference for the similar techniques application in other sports.
PMID:39240792 | DOI:10.1371/journal.pone.0306483
MLVICX: Multi-Level Variance-Covariance Exploration for Chest X-ray Self-Supervised Representation Learning
IEEE J Biomed Health Inform. 2024 Sep 6;PP. doi: 10.1109/JBHI.2024.3455337. Online ahead of print.
ABSTRACT
Self-supervised learning (SSL) is potentially useful in reducing the need for manual annotation and making deep learning models accessible for medical image analysis tasks. By leveraging the representations learned from unlabeled data, self-supervised models perform well on tasks that require little to no fine-tuning. However, for medical images, like chest X-rays, characterized by complex anatomical structures and diverse clinical conditions, a need arises for representation learning techniques that encode fine-grained details while preserving the broader contextual information. In this context, we introduce MLVICX (Multi-Level Variance-Covariance Exploration for Chest X-ray Self-Supervised Representation Learning), an approach to capture rich representations in the form of embeddings from chest X-ray images. Central to our approach is a novel multi-level variance and covariance exploration strategy that effectively enables the model to detect diagnostically meaningful patterns while reducing redundancy. MLVICX promotes the retention of critical medical insights by adapting global and local contextual details and enhancing the variance and covariance of the learned embeddings. We demonstrate the performance of MLVICX in advancing self-supervised chest X-ray representation learning through comprehensive experiments. The performance enhancements we observe across various downstream tasks highlight the significance of the proposed approach in enhancing the utility of chest X-ray embeddings for precision medical diagnosis and comprehensive image analysis. For pertaining, we used the NIH-Chest X-ray dataset, while for downstream tasks, we utilized NIH-Chest X-ray, Vinbig-CXR, RSNA pneumonia, and SIIM-ACR Pneumothorax datasets. Overall, we observe up to 3% performance gain over SOTA SSL approaches in various downstream tasks. Additionally, to demonstrate the generalizability of the proposed method, we conducted additional experiments on fundus images and observed superior performance on multiple datasets. Codes are available at https://github.com/azad6629/mlvicx/ GitHub.
PMID:39240749 | DOI:10.1109/JBHI.2024.3455337
DS-MS-TCN: Otago Exercises Recognition with a Dual-Scale Multi-Stage Temporal Convolutional Network
IEEE J Biomed Health Inform. 2024 Sep 6;PP. doi: 10.1109/JBHI.2024.3455426. Online ahead of print.
ABSTRACT
The Otago Exercise Program (OEP) represents a crucial rehabilitation initiative tailored for older adults, aimed at enhancing balance and strength. Despite previous efforts utilizing wearable sensors for OEP recognition, existing studies have exhibited limitations in terms of accuracy and robustness. This study addresses these limitations by employing a single waist-mounted Inertial Measurement Unit (IMU) to recognize OEP exercises among community-dwelling older adults in their daily lives. A cohort of 36 older adults participated in laboratory settings, supplemented by an additional 7 older adults recruited for at-home assessments. The study proposes a Dual-Scale Multi-Stage Temporal Convolutional Network (DS-MS-TCN) designed for two-level sequence-to-sequence classification, incorporating them in one loss function. In the first stage, the model focuses on recognizing each repetition of the exercises (micro labels). Subsequent stages extend the recognition to encompass the complete range of exercises (macro labels). The DS-MS-TCN model surpasses existing state-of-the-art deep learning models, achieving f1-scores exceeding 80% and Intersection over Union (IoU) f1-scores surpassing 60% for all four exercises evaluated. Notably, the model outperforms the prior study utilizing the sliding window technique, eliminating the need for post-processing stages and window size tuning. To our knowledge, we are the first to present a novel perspective on enhancing Human Activity Recognition (HAR) systems through the recognition of each repetition of activities.
PMID:39240747 | DOI:10.1109/JBHI.2024.3455426