Your browser doesn't support javascript.
loading
: 20 | 50 | 100
1 - 20 de 116
1.
Sci Rep ; 14(1): 10724, 2024 May 10.
Article En | MEDLINE | ID: mdl-38730228

The challenge of developing an Android malware detection framework that can identify malware in real-world apps is difficult for academicians and researchers. The vulnerability lies in the permission model of Android. Therefore, it has attracted the attention of various researchers to develop an Android malware detection model using permission or a set of permissions. Academicians and researchers have used all extracted features in previous studies, resulting in overburdening while creating malware detection models. But, the effectiveness of the machine learning model depends on the relevant features, which help in reducing the value of misclassification errors and have excellent discriminative power. A feature selection framework is proposed in this research paper that helps in selecting the relevant features. In the first stage of the proposed framework, t-test, and univariate logistic regression are implemented on our collected feature data set to classify their capacity for detecting malware. Multivariate linear regression stepwise forward selection and correlation analysis are implemented in the second stage to evaluate the correctness of the features selected in the first stage. Furthermore, the resulting features are used as input in the development of malware detection models using three ensemble methods and a neural network with six different machine-learning algorithms. The developed models' performance is compared using two performance parameters: F-measure and Accuracy. The experiment is performed by using half a million different Android apps. The empirical findings reveal that malware detection model developed using features selected by implementing proposed feature selection framework achieved higher detection rate as compared to the model developed using all extracted features data set. Further, when compared to previously developed frameworks or methodologies, the experimental results indicates that model developed in this study achieved an accuracy of 98.8%.

2.
PeerJ Comput Sci ; 10: e1917, 2024.
Article En | MEDLINE | ID: mdl-38660196

Heart disease is one of the primary causes of morbidity and death worldwide. Millions of people have had heart attacks every year, and only early-stage predictions can help to reduce the number. Researchers are working on designing and developing early-stage prediction systems using different advanced technologies, and machine learning (ML) is one of them. Almost all existing ML-based works consider the same dataset (intra-dataset) for the training and validation of their method. In particular, they do not consider inter-dataset performance checks, where different datasets are used in the training and testing phases. In inter-dataset setup, existing ML models show a poor performance named the inter-dataset discrepancy problem. This work focuses on mitigating the inter-dataset discrepancy problem by considering five available heart disease datasets and their combined form. All potential training and testing mode combinations are systematically executed to assess discrepancies before and after applying the proposed methods. Imbalance data handling using SMOTE-Tomek, feature selection using random forest (RF), and feature extraction using principle component analysis (PCA) with a long preprocessing pipeline are used to mitigate the inter-dataset discrepancy problem. The preprocessing pipeline builds on missing value handling using RF regression, log transformation, outlier removal, normalization, and data balancing that convert the datasets to more ML-centric. Support vector machine, K-nearest neighbors, decision tree, RF, eXtreme Gradient Boosting, Gaussian naive Bayes, logistic regression, and multilayer perceptron are used as classifiers. Experimental results show that feature selection and classification using RF produce better results than other combination strategies in both single- and inter-dataset setups. In certain configurations of individual datasets, RF demonstrates 100% accuracy and 96% accuracy during the feature selection phase in an inter-dataset setup, exhibiting commendable precision, recall, F1 score, specificity, and AUC score. The results indicate that an effective preprocessing technique has the potential to improve the performance of the ML model without necessitating the development of intricate prediction models. Addressing inter-dataset discrepancies introduces a novel research avenue, enabling the amalgamation of identical features from various datasets to construct a comprehensive global dataset within a specific domain.

3.
Granul Comput ; 9(2): 40, 2024.
Article En | MEDLINE | ID: mdl-38585422

The ambiguous information in multi-criteria decision-making (MCDM) and the vagueness of decision-makers for qualitative judgments necessitate accurate tools to overcome uncertainties and generate reliable solutions. As one of the latest and most powerful MCDM methods for obtaining criteria weight, the best-worst method (BWM) has been developed. Compared to other MCDM methods, such as the analytic hierarchy process, the BWM requires fewer pairwise comparisons and produces more consistent results. Consequently, the main objective of this study is to develop an extension of BWM using spherical fuzzy sets (SFS) to address MCDM problems under uncertain conditions. Hesitancy, non-membership, and membership degrees are three-dimensional functions included in the SFS. The presence of three defined degrees allows decision-makers to express their judgments more accurately. An optimization model based on nonlinear constraints is used to determine optimal spherical fuzzy weight coefficients (SF-BWM). Additionally, a consistency ratio is proposed for the SF-BWM to assess the reliability of the proposed method in comparison to other versions of BWM. SF-BWM is examined using two numerical decision-making problems. The results show that the proposed method based on the SF-BWM provided the criteria weights with the same priority as the BWM and fuzzy BWM. However, there are differences in the criteria weight values based on the SF-BWM that indicate the accuracy and reliability of the obtained results. The main advantage of using SF-BWM is providing a better consistency ratio. Based on the comparative analysis, the consistency ratio obtained for SF-BWM is threefold better than the BWM and fuzzy BWM methods, which leads to more accurate results than BWM and fuzzy BWM.

4.
J Environ Manage ; 353: 120105, 2024 Feb 27.
Article En | MEDLINE | ID: mdl-38325282

Food waste has received wide attention due to its hazardous environmental effects, such as soil, water, and air pollution. Evaluating food waste treatment techniques is imperative to realize environmental sustainability. This study proposes an integrated framework, the complex q-rung orthopair fuzzy-generalized TODIM (an acronym in Portuguese for interactive and multi-criteria decision-making) method with weighted power geometric operator, to assess the appropriate technique for food waste. The assessment of food waste treatment techniques can be divided into three phases: information processing, information fusion, and ranking alternatives. Firstly, the complex q-rung orthopair fuzzy set flexibly describes the information with periodic characteristics in the processing process with various parameters q. Then, the weighted power geometric operator is employed to calculate the weight of the expert and form the group evaluation matrix, in which the weight of each input rating depends upon the other input ratings. It can simulate the mutual support, multiplicative preferences, and interrelationship of experts. Next, the generalized TODIM method is employed to rank the food waste treatment techniques, considering experts' psychological characteristics and bounded behavior. Subsequently, a real-world application case examines the practicability of the proposed framework. Furthermore, the sensitivity analysis verifies the validity and stability of the presented framework. The comparative study highlights the effectiveness of this framework using the existing frameworks. According to the result, Anaerobic digestion (0.0043) has the highest priority among the considered alternatives, while Incineration (-0.0009) has the lowest.


Air Pollution , Refuse Disposal , Food , Food Loss and Waste , Climate , Fuzzy Logic
5.
Article En | MEDLINE | ID: mdl-38384147

The death of brain cells occurs when blood flow to a particular area of the brain is abruptly cut off, resulting in a stroke. Early recognition of stroke symptoms is essential to prevent strokes and promote a healthy lifestyle. FAST tests (looking for abnormalities in the face, arms, and speech) have limitations in reliability and accuracy for diagnosing strokes. This research employs machine learning (ML) techniques to develop and assess multiple ML models to establish a robust stroke risk prediction framework. This research uses a stacking-based ensemble method to select the best three machine learning (ML) models and combine their collective intelligence. An empirical evaluation of a publicly available stroke prediction dataset demonstrates the superior performance of the proposed stacking-based ensemble model, with only one misclassification. The experimental results reveal that the proposed stacking model surpasses other state-of-the-art research, achieving accuracy, precision, F1-score of 99.99%, recall of 100%, receiver operating characteristics (ROC), Mathews correlation coefficient (MCC), and Kappa scores 1.0. Furthermore, Shapley's Additive Explanations (SHAP) are employed to analyze the predictions of the black-box machine learning (ML) models. The findings highlight that age, BMI, and glucose level are the most significant risk factors for stroke prediction. These findings contribute to the development of more efficient techniques for stroke prediction, potentially saving many lives.

6.
iScience ; 27(1): 108709, 2024 Jan 19.
Article En | MEDLINE | ID: mdl-38269095

The increasing demand for food production due to the growing population is raising the need for more food-productive environments for plants. The genetic behavior of plant traits remains different in different growing environments. However, it is tedious and impossible to look after the individual plant component traits manually. Plant breeders need computer vision-based plant monitoring systems to analyze different plants' productivity and environmental suitability. It leads to performing feasible quantitative analysis, geometric analysis, and yield rate analysis of the plants. Many of the data collection methods have been used by plant breeders according to their needs. In the presented review, most of them are discussed with their corresponding challenges and limitations. Furthermore, the traditional approaches of segmentation and classification of plant phenotyping are also discussed. The data limitation problems and their currently adapted solutions in the computer vision aspect are highlighted, which somehow solve the problem but are not genuine. The available datasets and current issues are enlightened. The presented study covers the plants phenotyping problems, suggested solutions, and current challenges from data collection to classification steps.

7.
PeerJ Comput Sci ; 10: e1744, 2024.
Article En | MEDLINE | ID: mdl-38196949

Malaria disease can indeed be fatal if not identified and treated promptly. Due to advancements in the malaria diagnostic process, microscopy techniques are employed for blood cell analysis. Unfortunately, the diagnostic process of malaria via microscopy depends on microscopic skills. To overcome such issues, machine/deep learning algorithms can be proposed for more accurate and efficient detection of malaria. Therefore, a method is proposed for classifying malaria parasites that consist of three phases. The bilateral filter is applied to enhance image quality. After that shape-based and deep features are extracted. In shape-based pyramid histograms of oriented gradients (PHOG) features are derived with the dimension of N × 300. Deep features are derived from the residual network (ResNet)-50, and ResNet-18 at fully connected layers having the dimension of N × 1,000 respectively. The features obtained are fused serially, resulting in a dimensionality of N × 2,300. From this set, N × 498 features are chosen using the generalized normal distribution optimization (GNDO) method. The proposed method is accessed on a microscopic malarial parasite imaging dataset providing 99% classification accuracy which is better than as compared to recently published work.

9.
Sci Rep ; 14(1): 1333, 2024 01 16.
Article En | MEDLINE | ID: mdl-38228772

In previous studies, replicated and multiple types of speech data have been used for Parkinson's disease (PD) detection. However, two main problems in these studies are lower PD detection accuracy and inappropriate validation methodologies leading to unreliable results. This study discusses the effects of inappropriate validation methodologies used in previous studies and highlights the use of appropriate alternative validation methods that would ensure generalization. To enhance PD detection accuracy, we propose a two-stage diagnostic system that refines the extracted set of features through [Formula: see text] regularized linear support vector machine and classifies the refined subset of features through a deep neural network. To rigorously evaluate the effectiveness of the proposed diagnostic system, experiments are performed on two different voice recording-based benchmark datasets. For both datasets, the proposed diagnostic system achieves 100% accuracy under leave-one-subject-out (LOSO) cross-validation (CV) and 97.5% accuracy under k-fold CV. The results show that the proposed system outperforms the existing methods regarding PD detection accuracy. The results suggest that the proposed diagnostic system is essential to improving non-invasive diagnostic decision support in PD.


Parkinson Disease , Voice , Humans , Algorithms , Parkinson Disease/diagnosis , Support Vector Machine , Neural Networks, Computer
10.
Data Brief ; 52: 109915, 2024 Feb.
Article En | MEDLINE | ID: mdl-38229924

Space-occupying lesions (SOL) brain detected on brain MRI are benign and malignant tumors. Several brain tumor segmentation algorithms have been developed but there is a need for a clinically acquired dataset that is used for real-time images. This research is done to facilitate reporting of MRI done for brain tumor detection by incorporating computer-aided detection. Another objective was to make reporting unbiased by decreasing inter-observer errors and expediting daily reporting sessions to decrease radiologists' workload. This is an experimental study. The proposed dataset contains clinically acquired multiplanar, multi-sequential MRI slices (MPMSI) which are used as input to the segmentation model without any preprocessing. The proposed AJBDS-2023 consists of 10667 images of real patients imaging data with a size of 320*320*3. Acquired images have T1W, TW2, Flair, T1W contrast, ADC, and DWI sequences. Pixel-based ground-truth annotated images of the tumor core and edema of 6334 slices are made manually under the supervision of a radiologist. Quantitative assessment of AJBDS-2023 images is done by a novel U-network on 4333 MRI slices. The diagnostic accuracy of our algorithm U-Net trained on AJBDS-2023 was 77.4 precision, 82.3 DSC, 87.4 specificity, 93.8 sensitivity, and 90.4 confidence interval. An experimental analysis of AJBDS-2023 done by the U-Net segmentation model proves that the proposed AJBDS-2023 dataset has images without preprocessing, which is more challenging and provides a more realistic platform for evaluation and analysis of newly developed algorithms in this domain and helps radiologists in MRI brain reporting more realistically.

11.
Sci Rep ; 13(1): 22189, 2023 12 14.
Article En | MEDLINE | ID: mdl-38092844

Cardiovascular diseases (CVDs) are a serious public health issue that affects and is responsible for numerous fatalities and impairments. Ischemic heart disease (IHD) is one of the most prevalent and deadliest types of CVDs and is responsible for 45% of all CVD-related fatalities. IHD occurs when the blood supply to the heart is reduced due to narrowed or blocked arteries, which causes angina pectoris (AP) chest pain. AP is a common symptom of IHD and can indicate a higher risk of heart attack or sudden cardiac death. Therefore, it is important to diagnose and treat AP promptly and effectively. To forecast AP in women, we constructed a novel artificial intelligence (AI) method employing the tree-based algorithm known as an Explainable Boosting Machine (EBM). EBM is a machine learning (ML) technique that combines the interpretability of linear models with the flexibility and accuracy of gradient boosting. We applied EBM to a dataset of 200 female patients, 100 with AP and 100 without AP, and extracted the most relevant features for AP prediction. We then evaluated the performance of EBM against other AI methods, such as Logistic Regression (LR), Categorical Boosting (CatBoost), eXtreme Gradient Boosting (XGBoost), Adaptive Boosting (AdaBoost), and Light Gradient Boosting Machine (LightGBM). We found that EBM was the most accurate and well-balanced technique for forecasting AP, with accuracy (0.925) and Youden's index (0.960). We also looked at the global and local explanations provided by EBM to better understand how each feature affected the prediction and how each patient was classified. Our research showed that EBM is a useful AI method for predicting AP in women and identifying the risk factors related to it. This can help clinicians to provide personalized and evidence-based care for female patients with AP.


Myocardial Infarction , Myocardial Ischemia , Humans , Female , Artificial Intelligence , Angina Pectoris/diagnosis , Heart , Myocardial Infarction/diagnosis
12.
Math Biosci Eng ; 20(11): 19454-19467, 2023 Oct 20.
Article En | MEDLINE | ID: mdl-38052609

Cancer occurrence rates are gradually rising in the population, which reasons a heavy diagnostic burden globally. The rate of colorectal (bowel) cancer (CC) is gradually rising, and is currently listed as the third most common cancer globally. Therefore, early screening and treatments with a recommended clinical protocol are necessary to trat cancer. The proposed research aim of this paper to develop a Deep-Learning Framework (DLF) to classify the colon histology slides into normal/cancer classes using deep-learning-based features. The stages of the framework include the following: (ⅰ) Image collection, resizing, and pre-processing; (ⅱ) Deep-Features (DF) extraction with a chosen scheme; (ⅲ) Binary classification with a 5-fold cross-validation; and (ⅳ) Verification of the clinical significance. This work classifies the considered image database using the follwing: (ⅰ) Individual DF, (ⅱ) Fused DF, and (ⅲ) Ensemble DF. The achieved results are separately verified using binary classifiers. The proposed work considered 4000 (2000 normal and 2000 cancer) histology slides for the examination. The result of this research confirms that the fused DF helps to achieve a detection accuracy of 99% with the K-Nearest Neighbor (KNN) classifier. In contrast, the individual and ensemble DF provide classification accuracies of 93.25 and 97.25%, respectively.


Deep Learning , Neoplasms , Humans , Algorithms , Image Processing, Computer-Assisted/methods , Colon , Neoplasms/diagnosis
13.
Diagnostics (Basel) ; 13(21)2023 Oct 26.
Article En | MEDLINE | ID: mdl-37958210

AIM: Method: This research presents a model combining machine learning (ML) techniques and eXplainable artificial intelligence (XAI) to predict breast cancer (BC) metastasis and reveal important genomic biomarkers in metastasis patients. METHOD: A total of 98 primary BC samples was analyzed, comprising 34 samples from patients who developed distant metastases within a 5-year follow-up period and 44 samples from patients who remained disease-free for at least 5 years after diagnosis. Genomic data were then subjected to biostatistical analysis, followed by the application of the elastic net feature selection method. This technique identified a restricted number of genomic biomarkers associated with BC metastasis. A light gradient boosting machine (LightGBM), categorical boosting (CatBoost), Extreme Gradient Boosting (XGBoost), Gradient Boosting Trees (GBT), and Ada boosting (AdaBoost) algorithms were utilized for prediction. To assess the models' predictive abilities, the accuracy, F1 score, precision, recall, area under the ROC curve (AUC), and Brier score were calculated as performance evaluation metrics. To promote interpretability and overcome the "black box" problem of ML models, a SHapley Additive exPlanations (SHAP) method was employed. RESULTS: The LightGBM model outperformed other models, yielding remarkable accuracy of 96% and an AUC of 99.3%. In addition to biostatistical evaluation, in XAI-based SHAP results, increased expression levels of TSPYL5, ATP5E, CA9, NUP210, SLC37A1, ARIH1, PSMD7, UBQLN1, PRAME, and UBE2T (p ≤ 0.05) were found to be associated with an increased incidence of BC metastasis. Finally, decreased levels of expression of CACTIN, TGFB3, SCUBE2, ARL4D, OR1F1, ALDH4A1, PHF1, and CROCC (p ≤ 0.05) genes were also determined to increase the risk of metastasis in BC. CONCLUSION: The findings of this study may prevent disease progression and metastases and potentially improve clinical outcomes by recommending customized treatment approaches for BC patients.

14.
Sci Rep ; 13(1): 17827, 2023 10 19.
Article En | MEDLINE | ID: mdl-37857667

White blood cells (WBCs) are an indispensable constituent of the immune system. Efficient and accurate categorization of WBC is a critical task for disease diagnosis by medical experts. This categorization helps in the correct identification of medical problems. In this research work, WBC classes are categorized with the help of a transform learning model in combination with our proposed virtual hexagonal trellis (VHT) structure feature extraction method. The VHT feature extractor is a kernel-based filter model designed over a square lattice. In the first step, Graft Net CNN model is used to extract features of augmented data set images. Later, the VHT base feature extractor extracts useful features. The CNN-extracted features are passed to ant colony optimization (ACO) module for optimal features acquisition. Extracted features from the VHT base filter and ACO are serially merged to create a single feature vector. The merged features are passed to the support vector machine (SVM) variants for optimal classification. Our strategy yields 99.9% accuracy, which outperforms other existing methods.


Deep Learning , Leukocytes , Support Vector Machine , Image Processing, Computer-Assisted
15.
J Adv Res ; 2023 Oct 13.
Article En | MEDLINE | ID: mdl-37839503

INTRODUCTION: The Industrial Internet of Water Things (IIoWT) has recently emerged as a leading architecture for efficient water distribution in smart cities. Its primary purpose is to ensure high-quality drinking water for various institutions and households. However, existing IIoWT architecture has many challenges. One of the paramount challenges in achieving data standardization and data fusion across multiple monitoring institutions responsible for assessing water quality and quantity. OBJECTIVE: This paper introduces the Industrial Internet of Water Things System for Data Standardization based on Blockchain and Digital Twin Technology. The main objective of this study is to design a new IIoWT architecture where data standardization, interoperability, and data security among different water institutions must be met. METHODS: We devise the digital twin-enabled cross-platform environment using the Message Queuing Telemetry Transport (MQTT) protocol to achieve seamless interoperability in heterogeneous computing. In water management, we encounter different types of data from various sensors. Therefore, we propose a CNN-LSTM and blockchain data transactional (BCDT) scheme for processing valid data across different nodes. RESULTS: Through simulation results, we demonstrate that the proposed IIoWT architecture significantly reduces processing time while improving the accuracy of data standardization within the water distribution management system. CONCLUSION: Overall, this paper presents a comprehensive approach to tackle the challenges of data standardization and security in the IIoWT architecture.

16.
PLoS One ; 18(10): e0292601, 2023.
Article En | MEDLINE | ID: mdl-37831692

Computer-aided classification of diseases of the gastrointestinal tract (GIT) has become a crucial area of research. Medical science and artificial intelligence have helped medical experts find GIT diseases through endoscopic procedures. Wired endoscopy is a controlled procedure that helps the medical expert in disease diagnosis. Manual screening of the endoscopic frames is a challenging and time taking task for medical experts that also increases the missed rate of the GIT disease. An early diagnosis of GIT disease can save human beings from fatal diseases. An automatic deep feature learning-based system is proposed for GIT disease classification. The adaptive gamma correction and weighting distribution (AGCWD) preprocessing procedure is the first stage of the proposed work that is used for enhancing the intensity of the frames. The deep features are extracted from the frames by deep learning models including InceptionNetV3 and GITNet. Ant Colony Optimization (ACO) procedure is employed for feature optimization. Optimized features are fused serially. The classification operation is performed by variants of support vector machine (SVM) classifiers, including the Cubic SVM (CSVM), Coarse Gaussian SVM (CGSVM), Quadratic SVM (QSVM), and Linear SVM (LSVM) classifiers. The intended model is assessed on two challenging datasets including KVASIR and NERTHUS that consist of eight and four classes respectively. The intended model outperforms as compared with existing methods by achieving an accuracy of 99.32% over the KVASIR dataset and 99.89% accuracy using the NERTHUS dataset.


Artificial Intelligence , Gastrointestinal Tract , Humans , Endoscopy, Gastrointestinal , Support Vector Machine
17.
Sci Rep ; 13(1): 17042, 2023 Oct 09.
Article En | MEDLINE | ID: mdl-37814043

The certification of wine quality is essential to the wine industry. The main goal of this work is to develop a machine learning model to forecast wine quality using the dataset. We utilised samples from the red wine dataset (RWD) with eleven distinct physiochemical properties. With the initial RWD, five machine learning (ML) models were trained and put to the test. The most accurate algorithms are Random Forest (RF) and Extreme Gradient Boosting (XGBoost). Using these two ML approaches, the top three features from a total of eleven features are chosen, and ML analysis is performed on the remaining features. Several graphs are employed to demonstrate the feature importance based on the XGBoost model and RF. Wine quality was predicted using relevant characteristics, often referred to as fundamental elements, that were shown to be essential during the feature selection procedure. When trained and tested without feature selection, with feature selection (RF), and with key attributes, the XGBoost classifier displayed 100% accuracy. In the presence of essential variables, the RF classifier performed better. Finally, to assess the precision of their predictions, the authors trained an RF classifier, validated it, and changed its hyperparameters. To address collinearity and decrease the quantity of predictors without sacrificing model accuracy, we have also used cluster analysis.

18.
ACS Omega ; 8(37): 33280-33288, 2023 Sep 19.
Article En | MEDLINE | ID: mdl-37744856

This paper elaborates on the significance of liquid chromatography for a single-component reactive linear general rate model. The model equations consist of a set of two coupled partial differential equations, which include diffusion, interfacial mass transfer, axial dispersion, external and intraparticle pore diffusivity, and heterogeneous chemical reaction of the first order with two sets of boundary conditions. The model equations are solved by the Laplace transformation. The actual time domain solution is obtained by numerical Laplace inversion, as analytical inversion cannot be obtained. The graphical sketch of different physical parameters is presented to analyze the dynamics of the elution profiles. The result indicates that the chromatographic reactor works more efficiently on increasing the value of the heterogeneous-type first-order reaction. To check the analytical results, a second-order high-resolution finite volume scheme is used. Both results are in good agreement and indicate the correctness of the numerical scheme. The current work is also compared with the previously available numerical schemes, which shows that the proposed numerical scheme is better for elaborating the chromatographic reactor performance. A comparison table is also presented to compute error analysis and computational run time for analyzing the efficiency of the reactor. A graphical sketch of the numerical temporal moment analysis is also presented, which gives significant information about the performance and the shape of the concentration profiles.

19.
Front Plant Sci ; 14: 1239594, 2023.
Article En | MEDLINE | ID: mdl-37674739

The Internet of Things (IOT)-based smart farming promises ultrafast speeds and near real-time response. Precision farming enabled by the Internet of Things has the potential to boost efficiency and output while reducing water use. Therefore, IoT devices can aid farmers in keeping track crop health and development while also automating a variety of tasks (such as moisture level prediction, irrigation system, crop development, and nutrient levels). The IoT-based autonomous irrigation technique makes exact use of farmers' time, money, and power. High crop yields can be achieved through consistent monitoring and sensing of crops utilizing a variety of IoT sensors to inform farmers of optimal harvest times. In this paper, a smart framework for growing tomatoes is developed, with influence from IoT devices or modules. With the help of IoT modules, we can forecast soil moisture levels and fine-tune the watering schedule. To further aid farmers, a smartphone app is currently in development that will provide them with crucial data on the health of their tomato crops. Large-scale experiments validate the proposed model's ability to intelligently monitor the irrigation system, which contributes to higher tomato yields.

20.
Biomimetics (Basel) ; 8(4)2023 Aug 16.
Article En | MEDLINE | ID: mdl-37622975

The automated assessment of tumors in medical image analysis encounters challenges due to the resemblance of colon and lung tumors to non-mitotic nuclei and their heteromorphic characteristics. An accurate assessment of tumor nuclei presence is crucial for determining tumor aggressiveness and grading. This paper proposes a new method called ColonNet, a heteromorphous convolutional neural network (CNN) with a feature grafting methodology categorically configured for analyzing mitotic nuclei in colon and lung histopathology images. The ColonNet model consists of two stages: first, identifying potential mitotic patches within the histopathological imaging areas, and second, categorizing these patches into squamous cell carcinomas, adenocarcinomas (lung), benign (lung), benign (colon), and adenocarcinomas (colon) based on the model's guidelines. We develop and employ our deep CNNs, each capturing distinct structural, textural, and morphological properties of tumor nuclei, to construct the heteromorphous deep CNN. The execution of the proposed ColonNet model is analyzed by its comparison with state-of-the-art CNNs. The results demonstrate that our model surpasses others on the test set, achieving an impressive F1 score of 0.96, sensitivity and specificity of 0.95, and an area under the accuracy curve of 0.95. These outcomes underscore our hybrid model's superior performance, excellent generalization, and accuracy, highlighting its potential as a valuable tool to support pathologists in diagnostic activities.

...