One exciting area within computer vision is classifying human activities, which has diverse applications like medical informatics, human-computer interaction, surveillance, and task monitoring systems. In the healthca...One exciting area within computer vision is classifying human activities, which has diverse applications like medical informatics, human-computer interaction, surveillance, and task monitoring systems. In the healthcare field, understanding and classifying patients’ activities is crucial for providing doctors with essential information for medication reactions and diagnosis. While some research methods already exist, utilizing machine learning and soft computational algorithms to recognize human activity from videos and images, there’s ongoing exploration of more advanced computer vision techniques. This paper introduces a straightforward and effective automated approach that involves five key steps: preprocessing, feature extraction technique, feature selection, feature fusion, and finally classification. To evaluate the proposed approach, two commonly used benchmark datasets KTH and Weizmann are employed for training, validation, and testing of ML classifiers. The study’s findings show that the first and second datasets had remarkable accuracy rates of 99.94% and 99.80%, respectively. When compared to existing methods, our approach stands out in terms of sensitivity, accuracy, precision, and specificity evaluation metrics. In essence, this paper demonstrates a practical method for automatically classifying human activities using an optimal feature fusion and deep learning approach, promising a great result that could benefit various fields, particularly in healthcare.展开更多
Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a resul...Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a result, it is possible to detect the disease early on and cure the fruitsusing computer-based techniques. However, computer-based methods faceseveral challenges, including low contrast, a lack of dataset for training amodel, and inappropriate feature extraction for final classification. In thispaper, we proposed an automated framework for detecting apple fruit leafdiseases usingCNNand a hybrid optimization algorithm. Data augmentationis performed initially to balance the selected apple dataset. After that, twopre-trained deep models are fine-tuning and trained using transfer learning.Then, a fusion technique is proposed named Parallel Correlation Threshold(PCT). The fused feature vector is optimized in the next step using a hybridoptimization algorithm. The selected features are finally classified usingmachine learning algorithms. Four different experiments have been carriedout on the augmented Plant Village dataset and yielded the best accuracy of99.8%. The accuracy of the proposed framework is also compared to that ofseveral neural nets, and it outperforms them all.展开更多
Biometric characteristics are playing a vital role in security for the last few years.Human gait classification in video sequences is an important biometrics attribute and is used for security purposes.A new framework...Biometric characteristics are playing a vital role in security for the last few years.Human gait classification in video sequences is an important biometrics attribute and is used for security purposes.A new framework for human gait classification in video sequences using deep learning(DL)fusion assisted and posterior probability-based moth flames optimization(MFO)is proposed.In the first step,the video frames are resized and finetuned by two pre-trained lightweight DL models,EfficientNetB0 and MobileNetV2.Both models are selected based on the top-5 accuracy and less number of parameters.Later,both models are trained through deep transfer learning and extracted deep features fused using a voting scheme.In the last step,the authors develop a posterior probabilitybased MFO feature selection algorithm to select the best features.The selected features are classified using several supervised learning methods.The CASIA-B publicly available dataset has been employed for the experimental process.On this dataset,the authors selected six angles such as 0°,18°,90°,108°,162°,and 180°and obtained an average accuracy of 96.9%,95.7%,86.8%,90.0%,95.1%,and 99.7%.Results demonstrate comparable improvement in accuracy and significantly minimize the computational time with recent state-of-the-art techniques.展开更多
At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of...At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of missed and false detections. Effectively optimizing features to capture key information and better integrating different levels of features to enhance their complementarity are two significant challenges in the domain of SOD. In response to these challenges, this study proposes a novel SOD method based on multi-strategy feature optimization. We propose the multi-size feature extraction module (MSFEM), which uses the attention mechanism, the multi-level feature fusion, and the residual block to obtain finer features. This module provides robust support for the subsequent accurate detection of the salient object. In addition, we use two rounds of feature fusion and the feedback mechanism to optimize the features obtained by the MSFEM to improve detection accuracy. The first round of feature fusion is applied to integrate the features extracted by the MSFEM to obtain more refined features. Subsequently, the feedback mechanism and the second round of feature fusion are applied to refine the features, thereby providing a stronger foundation for accurately detecting salient objects. To improve the fusion effect, we propose the feature enhancement module (FEM) and the feature optimization module (FOM). The FEM integrates the upper and lower features with the optimized features obtained by the FOM to enhance feature complementarity. The FOM uses different receptive fields, the attention mechanism, and the residual block to more effectively capture key information. Experimental results demonstrate that our method outperforms 10 state-of-the-art SOD methods.展开更多
Owing to technological developments,Medical image analysis has received considerable attention in the rapid detection and classification of diseases.The brain is an essential organ in humans.Brain tumors cause loss of...Owing to technological developments,Medical image analysis has received considerable attention in the rapid detection and classification of diseases.The brain is an essential organ in humans.Brain tumors cause loss of memory,vision,and name.In 2020,approximately 18,020 deaths occurred due to brain tumors.These cases can be minimized if a brain tumor is diagnosed at a very early stage.Computer vision researchers have introduced several techniques for brain tumor detection and classification.However,owing to many factors,this is still a challenging task.These challenges relate to the tumor size,the shape of a tumor,location of the tumor,selection of important features,among others.In this study,we proposed a framework for multimodal brain tumor classification using an ensemble of optimal deep learning features.In the proposed framework,initially,a database is normalized in the form of high-grade glioma(HGG)and low-grade glioma(LGG)patients and then two pre-trained deep learning models(ResNet50 and Densenet201)are chosen.The deep learning models were modified and trained using transfer learning.Subsequently,the enhanced ant colony optimization algorithm is proposed for best feature selection from both deep models.The selected features are fused using a serial-based approach and classified using a cubic support vector machine.The experimental process was conducted on the BraTs2019 dataset and achieved accuracies of 87.8%and 84.6%for HGG and LGG,respectively.The comparison is performed using several classification methods,and it shows the significance of our proposed technique.展开更多
Automated Facial Expression Recognition(FER)serves as the backbone of patient monitoring systems,security,and surveillance systems.Real-time FER is a challenging task,due to the uncontrolled nature of the environment ...Automated Facial Expression Recognition(FER)serves as the backbone of patient monitoring systems,security,and surveillance systems.Real-time FER is a challenging task,due to the uncontrolled nature of the environment and poor quality of input frames.In this paper,a novel FER framework has been proposed for patient monitoring.Preprocessing is performed using contrast-limited adaptive enhancement and the dataset is balanced using augmentation.Two lightweight efficient Convolution Neural Network(CNN)models MobileNetV2 and Neural search Architecture Network Mobile(NasNetMobile)are trained,and feature vectors are extracted.The Whale Optimization Algorithm(WOA)is utilized to remove irrelevant features from these vectors.Finally,the optimized features are serially fused to pass them to the classifier.A comprehensive set of experiments were carried out for the evaluation of real-time image datasets FER-2013,MMA,and CK+to report performance based on various metrics.Accuracy results show that the proposed model has achieved 82.5%accuracy and performed better in comparison to the state-of-the-art classification techniques in terms of accuracy.We would like to highlight that the proposed technique has achieved better accuracy by using 2.8 times lesser number of features.展开更多
Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the i...Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.展开更多
Research has demonstrated a significant overlap between sleep issues and other medical conditions.In this paper,we consider mild difficulty in falling asleep(MDFA).Recognition of MDFA has the potential to assist in th...Research has demonstrated a significant overlap between sleep issues and other medical conditions.In this paper,we consider mild difficulty in falling asleep(MDFA).Recognition of MDFA has the potential to assist in the provision of appropriate treatment plans for both sleep issues and related medical conditions.An issue in the diagnosis of MDFA lies in subjectivity.To address this issue,a decision support tool based on dual-modal physiological feature fusion which is able to automatically identify MDFA is proposed in this study.Special attention is given to the problem of how to extract candidate features and fuse dual-modal features.Following the identification of the optimal feature set,this study considers the correlations between each feature and class and evaluates correlations between the inter-modality features.Finally,the recognition accuracy was measured using 10-fold cross validation.The experimental results for our method demonstrate improved performance.The highest recognition rate of MDFA using the optimal feature set can reach 96.22%.Based on the results of current study,the authors will,in projected future research,develop a real-time MDFA recognition system.展开更多
In computer vision applications like surveillance and remote sensing,to mention a few,deep learning has had considerable success.Medical imaging still faces a number of difficulties,including intra-class similarity,a ...In computer vision applications like surveillance and remote sensing,to mention a few,deep learning has had considerable success.Medical imaging still faces a number of difficulties,including intra-class similarity,a scarcity of training data,and poor contrast skin lesions,notably in the case of skin cancer.An optimisation-aided deep learningbased system is proposed for accurate multi-class skin lesion identification.The sequential procedures of the proposed system start with preprocessing and end with categorisation.The preprocessing step is where a hybrid contrast enhancement technique is initially proposed for lesion identification with healthy regions.Instead of flipping and rotating data,the outputs from the middle phases of the hybrid enhanced technique are employed for data augmentation in the next step.Next,two pre-trained deep learning models,MobileNetV2 and NasNet Mobile,are trained using deep transfer learning on the upgraded enriched dataset.Later,a dual-threshold serial approach is employed to obtain and combine the features of both models.The next step was the variance-controlled Marine Predator methodology,which the authors proposed as a superior optimisation method.The top features from the fused feature vector are classified using machine learning classifiers.The experimental strategy provided enhanced accuracy of 94.4%using the publicly available dataset HAM10000.Additionally,the proposed framework is evaluated compared to current approaches,with remarkable results.展开更多
Graph neural networks(GNNs)have demonstrated excellent performance in graph representation learning.However,as the volume of graph data grows,issues related to cost and efficiency become increasingly prominent.Graph d...Graph neural networks(GNNs)have demonstrated excellent performance in graph representation learning.However,as the volume of graph data grows,issues related to cost and efficiency become increasingly prominent.Graph distillation methods address this challenge by extracting a smaller,reduced graph,ensuring that GNNs trained on both the original and reduced graphs show similar performance.Existing methods,however,primarily optimize the feature matrix of the reduced graph and rely on correlation information from GNNs,while neglecting the original graph’s structure and redundant nodes.This often results in a loss of critical information within the reduced graph.To overcome this limitation,we propose a graph distillation method guided by network symmetry.Specifically,we identify symmetric nodes with equivalent neighborhood structures and merge them into“super nodes”,thereby simplifying the network structure,reducing redundant parameter optimization and enhancing training efficiency.At the same time,instead of relying on the original node features,we employ gradient descent to match optimal features that align with the original features,thus improving downstream task performance.Theoretically,our method guarantees that the reduced graph retains the key information present in the original graph.Extensive experiments demonstrate that our approach achieves significant improvements in graph distillation,exhibiting strong generalization capability and outperforming existing graph reduction methods.展开更多
Accurate short-term photovoltaic(PV)output forecasting is beneficial for increasing grid stabil-ity and enhancing the capacity for photovoltaic power absorption.In response to the challenges faced by commonly used pho...Accurate short-term photovoltaic(PV)output forecasting is beneficial for increasing grid stabil-ity and enhancing the capacity for photovoltaic power absorption.In response to the challenges faced by commonly used photovoltaic forecasting methods,which struggle to handle issues such as non-u-niform lengths of time series data for power generation and meteorological conditions,overlapping photovoltaic characteristics,and nonlinear correlations,an improved method that utilizes spectral clustering and dynamic time warping(DTW)for selecting similar days is proposed to optimize the dataset along the temporal dimension.Furthermore,XGBoost is employed for recursive feature selec-tion.On this basis,to address the issue that single forecasting models excel at capturing different data characteristics and tend to exhibit significant prediction errors under adverse meteorological con-ditions,an improved forecasting model based on Stacking and weighted fusion is proposed to reduce the independent bias and variance of individual models and enhance the predictive accuracy.Final-ly,experimental validation is carried out using real data from a photovoltaic power station in the Xi-aoshan District of Hangzhou,China,demonstrating that the proposed method can still achieve accu-rate and robust forecasting results even under conditions of significant meteorological fluctuations.展开更多
Coastal wetlands are crucial for the‘blue carbon sink’,significantly contributing to regulating climate change.This study util-ized 160 soil samples,35 remote sensing features,and 5 geo-climatic data to accurately e...Coastal wetlands are crucial for the‘blue carbon sink’,significantly contributing to regulating climate change.This study util-ized 160 soil samples,35 remote sensing features,and 5 geo-climatic data to accurately estimate the soil organic carbon stocks(SOCS)in the coastal wetlands of Tianjin and Hebei,China.To reduce data redundancy,simplify model complexity,and improve model inter-pretability,Pearson correlation analysis(PsCA),Boruta,and recursive feature elimination(RFE)were employed to optimize features.Combined with the optimized features,the soil organic carbon density(SOCD)prediction model was constructed by using multivariate adaptive regression splines(MARS),extreme gradient boosting(XGBoost),and random forest(RF)algorithms and applied to predict the spatial distribution of SOCD and estimate the SOCS of different wetland types in 2020.The results show that:1)different feature combinations have a significant influence on the model performance.Better prediction performance was attained by building a model using RFE-based feature combinations.RF has the best prediction accuracy(R^(2)=0.587,RMSE=0.798 kg/m^(2),MAE=0.660 kg/m^(2)).2)Optical features are more important than radar and geo-climatic features in the MARS,XGBoost,and RF algorithms.3)The size of SOCS is related to SOCD and the area of each wetland type,aquaculture pond has the highest SOCS,followed by marsh,salt pan,mud-flat,and sand shore.展开更多
Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challengin...Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challenging task because of enormous computational resource requirements and long computational time.To achieve full chip ILT solution,attempts have been made by using machine learning techniques based on deep convolution neural network(DCNN).The reported input for such DCNN is the rasterized images of the lithography target;such pure geometrical input requires DCNN to possess considerable number of layers to learn the optical properties of the mask,the nonlinear imaging process,and the rigorous ILT algorithm as well.To alleviate the difficulties,we have proposed the physics based optimal feature vector design for machine learning ILT in our early report.Although physics based feature vector followed by feedforward neural network can provide the solution to machine learning ILT,the feature vector is long and it can consume considerable amount of memory resource in practical implementation.To improve the resource efficiency,we proposed a hybrid approach in this study by combining first few physics based feature maps with a specially designed DCNN structure to learn the rigorous ILT algorithm.Our results show that this approach can make machine learning ILT easy,fast and more accurate.展开更多
Feature optimization is important to agricultural text mining. Usually, the vector space model is used to represent text documents. However, this basic approach still suffers from two drawbacks: thecurse of dimension ...Feature optimization is important to agricultural text mining. Usually, the vector space model is used to represent text documents. However, this basic approach still suffers from two drawbacks: thecurse of dimension and the lack of semantic information. In this paper, a novel ontology-based feature optimization method for agricultural text was proposed. First, terms of vector space model were mapped into concepts of agricultural ontology, which concept frequency weights are computed statistically by term frequency weights; second, weights of concept similarity were assigned to the concept features according to the structure of the agricultural ontology. By combining feature frequency weights and feature similarity weights based on the agricultural ontology, the dimensionality of feature space can be reduced drastically. Moreover, the semantic information can be incorporated into this method. The results showed that this method yields a significant improvement on agricultural text clustering by the feature optimization.展开更多
In the area of medical image processing,stomach cancer is one of the most important cancers which need to be diagnose at the early stage.In this paper,an optimized deep learning method is presented for multiple stomac...In the area of medical image processing,stomach cancer is one of the most important cancers which need to be diagnose at the early stage.In this paper,an optimized deep learning method is presented for multiple stomach disease classication.The proposed method work in few important steps—preprocessing using the fusion of ltering images along with Ant Colony Optimization(ACO),deep transfer learning-based features extraction,optimization of deep extracted features using nature-inspired algorithms,and nally fusion of optimal vectors and classication using Multi-Layered Perceptron Neural Network(MLNN).In the feature extraction step,pretrained Inception V3 is utilized and retrained on selected stomach infection classes using the deep transfer learning step.Later on,the activation function is applied to Global Average Pool(GAP)for feature extraction.However,the extracted features are optimized through two different nature-inspired algorithms—Particle Swarm Optimization(PSO)with dynamic tness function and Crow Search Algorithm(CSA).Hence,both methods’output is fused by a maximal value approach and classied the fused feature vector by MLNN.Two datasets are used to evaluate the proposed method—CUI WahStomach Diseases and Combined dataset and achieved an average accuracy of 99.5%.The comparison with existing techniques,it is shown that the proposed method shows signicant performance.展开更多
Image feature optimization is an important means to deal with high-dimensional image data in image semantic understanding and its applications. We formulate image feature optimization as the establishment of a mapping...Image feature optimization is an important means to deal with high-dimensional image data in image semantic understanding and its applications. We formulate image feature optimization as the establishment of a mapping between highand low-dimensional space via a five-tuple model. Nonlinear dimensionality reduction based on manifold learning provides a feasible way for solving such a problem. We propose a novel globular neighborhood based locally linear embedding (GNLLE) algorithm using neighborhood update and an incremental neighbor search scheme, which not only can handle sparse datasets but also has strong anti-noise capability and good topological stability. Given that the distance measure adopted in nonlinear dimensionality reduction is usually based on pairwise similarity calculation, we also present a globular neighborhood and path clustering based locally linear embedding (GNPCLLE) algorithm based on path-based clustering. Due to its full consideration of correlations between image data, GNPCLLE can eliminate the distortion of the overall topological structure within the dataset on the manifold. Experimental results on two image sets show the effectiveness and efficiency of the proposed algorithms.展开更多
Considering that the surface defects of cold rolled strips are hard to be recognized by human eyes under high-speed circumstances, an automatic recognition technique was discussed. Spectrum images of defects can be go...Considering that the surface defects of cold rolled strips are hard to be recognized by human eyes under high-speed circumstances, an automatic recognition technique was discussed. Spectrum images of defects can be got by fast Fourier transform (FFF) and sum of valid pixels (SVP), and its optimized center region, which concentrates nearly all energies, are extracted as an original feature set. Using genetic algorithm to optimize the feature set, an optimized feature set with 51 features can be achieved. Using the optimized feature set as an input vector of neural networks, the recognition effects of LVQ neural networks have been studied. Experiment results show that the new method can get a higher classification rate and can settle the automatic recognition problem of surface defects on cold rolled strips ideally.展开更多
Feature selection(FS)(or feature dimensional reduction,or feature optimization)is an essential process in pattern recognition and machine learning because of its enhanced classification speed and accuracy and reduced ...Feature selection(FS)(or feature dimensional reduction,or feature optimization)is an essential process in pattern recognition and machine learning because of its enhanced classification speed and accuracy and reduced system complexity.FS reduces the number of features extracted in the feature extraction phase by reducing highly correlated features,retaining features with high information gain,and removing features with no weights in classification.In this work,an FS filter-type statistical method is designed and implemented,utilizing a t-test to decrease the convergence between feature subsets by calculating the quality of performance value(QoPV).The approach utilizes the well-designed fitness function to calculate the strength of recognition value(SoRV).The two values are used to rank all features according to the final weight(FW)calculated for each feature subset using a function that prioritizes feature subsets with high SoRV values.An FW is assigned to each feature subset,and those with FWs less than a predefined threshold are removed from the feature subset domain.Experiments are implemented on three datasets:Ryerson Audio-Visual Database of Emotional Speech and Song,Berlin,and Surrey Audio-Visual Expressed Emotion.The performance of the F-test and F-score FS methods are compared to those of the proposed method.Tests are also conducted on a system before and after deploying the FS methods.Results demonstrate the comparative efficiency of the proposed method.The complexity of the system is calculated based on the time overhead required before and after FS.Results show that the proposed method can reduce system complexity.展开更多
Malaria is a critical health condition that affects both sultry and frigid region worldwide,giving rise to millions of cases of disease and thousands of deaths over the years.Malaria is caused by parasites that enter ...Malaria is a critical health condition that affects both sultry and frigid region worldwide,giving rise to millions of cases of disease and thousands of deaths over the years.Malaria is caused by parasites that enter the human red blood cells,grow there,and damage them over time.Therefore,it is diagnosed by a detailed examination of blood cells under the microscope.This is the most extensively used malaria diagnosis technique,but it yields limited and unreliable results due to the manual human involvement.In this work,an automated malaria blood smear classification model is proposed,which takes images of both infected and healthy cells and preprocesses themin the L^(*)a^(*)b^(*)color space by employing several contrast enhancement methods.Feature extraction is performed using two pretrained deep convolutional neural networks,DarkNet-53 and DenseNet-201.The features are subsequently agglutinated to be optimized through a nature-based feature reduction method called the whale optimization algorithm.Several classifiers are effectuated on the reduced features,and the achieved results excel in both accuracy and time compared to previously proposed methods.展开更多
Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial succ...Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial success.However,they still faced some challenges such as similarity in disease symptoms and irrelevant features extraction.In this article,we proposed a new deep learning architecture with optimization algorithm for cucumber and potato leaf diseases recognition.The proposed architecture consists of five steps.In the first step,data augmentation is performed to increase the numbers of training samples.In the second step,pre-trained DarkNet19 deep model is opted and fine-tuned that later utilized for the training of fine-tuned model through transfer learning.Deep features are extracted from the global pooling layer in the next step that is refined using Improved Cuckoo search algorithm.The best selected features are finally classified using machine learning classifiers such as SVM,and named a few more for final classification results.The proposed architecture is tested using publicly available datasets–Cucumber National Dataset and Plant Village.The proposed architecture achieved an accuracy of 100.0%,92.9%,and 99.2%,respectively.Acomparison with recent techniques is also performed,revealing that the proposed method achieved improved accuracy while consuming less computational time.展开更多
文摘One exciting area within computer vision is classifying human activities, which has diverse applications like medical informatics, human-computer interaction, surveillance, and task monitoring systems. In the healthcare field, understanding and classifying patients’ activities is crucial for providing doctors with essential information for medication reactions and diagnosis. While some research methods already exist, utilizing machine learning and soft computational algorithms to recognize human activity from videos and images, there’s ongoing exploration of more advanced computer vision techniques. This paper introduces a straightforward and effective automated approach that involves five key steps: preprocessing, feature extraction technique, feature selection, feature fusion, and finally classification. To evaluate the proposed approach, two commonly used benchmark datasets KTH and Weizmann are employed for training, validation, and testing of ML classifiers. The study’s findings show that the first and second datasets had remarkable accuracy rates of 99.94% and 99.80%, respectively. When compared to existing methods, our approach stands out in terms of sensitivity, accuracy, precision, and specificity evaluation metrics. In essence, this paper demonstrates a practical method for automatically classifying human activities using an optimal feature fusion and deep learning approach, promising a great result that could benefit various fields, particularly in healthcare.
基金supported by“Human Resources Program in Energy Technology”of the Korea Institute of Energy Technology Evaluation and Planning (KETEP)granted financial resources from the Ministry of Trade,Industry&Energy,Republic of Korea. (No.20204010600090).
文摘Identifying fruit disease manually is time-consuming, expertrequired,and expensive;thus, a computer-based automated system is widelyrequired. Fruit diseases affect not only the quality but also the quantity.As a result, it is possible to detect the disease early on and cure the fruitsusing computer-based techniques. However, computer-based methods faceseveral challenges, including low contrast, a lack of dataset for training amodel, and inappropriate feature extraction for final classification. In thispaper, we proposed an automated framework for detecting apple fruit leafdiseases usingCNNand a hybrid optimization algorithm. Data augmentationis performed initially to balance the selected apple dataset. After that, twopre-trained deep models are fine-tuning and trained using transfer learning.Then, a fusion technique is proposed named Parallel Correlation Threshold(PCT). The fused feature vector is optimized in the next step using a hybridoptimization algorithm. The selected features are finally classified usingmachine learning algorithms. Four different experiments have been carriedout on the augmented Plant Village dataset and yielded the best accuracy of99.8%. The accuracy of the proposed framework is also compared to that ofseveral neural nets, and it outperforms them all.
基金King Saud University,Grant/Award Number:RSP2024R157。
文摘Biometric characteristics are playing a vital role in security for the last few years.Human gait classification in video sequences is an important biometrics attribute and is used for security purposes.A new framework for human gait classification in video sequences using deep learning(DL)fusion assisted and posterior probability-based moth flames optimization(MFO)is proposed.In the first step,the video frames are resized and finetuned by two pre-trained lightweight DL models,EfficientNetB0 and MobileNetV2.Both models are selected based on the top-5 accuracy and less number of parameters.Later,both models are trained through deep transfer learning and extracted deep features fused using a voting scheme.In the last step,the authors develop a posterior probabilitybased MFO feature selection algorithm to select the best features.The selected features are classified using several supervised learning methods.The CASIA-B publicly available dataset has been employed for the experimental process.On this dataset,the authors selected six angles such as 0°,18°,90°,108°,162°,and 180°and obtained an average accuracy of 96.9%,95.7%,86.8%,90.0%,95.1%,and 99.7%.Results demonstrate comparable improvement in accuracy and significantly minimize the computational time with recent state-of-the-art techniques.
文摘At present, salient object detection (SOD) has achieved considerable progress. However, the methods that perform well still face the issue of inadequate detection accuracy. For example, sometimes there are problems of missed and false detections. Effectively optimizing features to capture key information and better integrating different levels of features to enhance their complementarity are two significant challenges in the domain of SOD. In response to these challenges, this study proposes a novel SOD method based on multi-strategy feature optimization. We propose the multi-size feature extraction module (MSFEM), which uses the attention mechanism, the multi-level feature fusion, and the residual block to obtain finer features. This module provides robust support for the subsequent accurate detection of the salient object. In addition, we use two rounds of feature fusion and the feedback mechanism to optimize the features obtained by the MSFEM to improve detection accuracy. The first round of feature fusion is applied to integrate the features extracted by the MSFEM to obtain more refined features. Subsequently, the feedback mechanism and the second round of feature fusion are applied to refine the features, thereby providing a stronger foundation for accurately detecting salient objects. To improve the fusion effect, we propose the feature enhancement module (FEM) and the feature optimization module (FOM). The FEM integrates the upper and lower features with the optimized features obtained by the FOM to enhance feature complementarity. The FOM uses different receptive fields, the attention mechanism, and the residual block to more effectively capture key information. Experimental results demonstrate that our method outperforms 10 state-of-the-art SOD methods.
基金This study was supported by the grants of the Korea Health Technology R&D Project through the Korea Health Industry Development Institute(KHIDI),funded by the Ministry of Health&Welfare(HI18C1216)the grant of the National Research Foundation of Korea(NRF-2020R1I1A1A01074256)the Soonchunhyang University Research Fund.
文摘Owing to technological developments,Medical image analysis has received considerable attention in the rapid detection and classification of diseases.The brain is an essential organ in humans.Brain tumors cause loss of memory,vision,and name.In 2020,approximately 18,020 deaths occurred due to brain tumors.These cases can be minimized if a brain tumor is diagnosed at a very early stage.Computer vision researchers have introduced several techniques for brain tumor detection and classification.However,owing to many factors,this is still a challenging task.These challenges relate to the tumor size,the shape of a tumor,location of the tumor,selection of important features,among others.In this study,we proposed a framework for multimodal brain tumor classification using an ensemble of optimal deep learning features.In the proposed framework,initially,a database is normalized in the form of high-grade glioma(HGG)and low-grade glioma(LGG)patients and then two pre-trained deep learning models(ResNet50 and Densenet201)are chosen.The deep learning models were modified and trained using transfer learning.Subsequently,the enhanced ant colony optimization algorithm is proposed for best feature selection from both deep models.The selected features are fused using a serial-based approach and classified using a cubic support vector machine.The experimental process was conducted on the BraTs2019 dataset and achieved accuracies of 87.8%and 84.6%for HGG and LGG,respectively.The comparison is performed using several classification methods,and it shows the significance of our proposed technique.
基金Researchers Supporting Project Number(RSP2022R458),King Saud University,Riyadh,Saudi Arabia.
文摘Automated Facial Expression Recognition(FER)serves as the backbone of patient monitoring systems,security,and surveillance systems.Real-time FER is a challenging task,due to the uncontrolled nature of the environment and poor quality of input frames.In this paper,a novel FER framework has been proposed for patient monitoring.Preprocessing is performed using contrast-limited adaptive enhancement and the dataset is balanced using augmentation.Two lightweight efficient Convolution Neural Network(CNN)models MobileNetV2 and Neural search Architecture Network Mobile(NasNetMobile)are trained,and feature vectors are extracted.The Whale Optimization Algorithm(WOA)is utilized to remove irrelevant features from these vectors.Finally,the optimized features are serially fused to pass them to the classifier.A comprehensive set of experiments were carried out for the evaluation of real-time image datasets FER-2013,MMA,and CK+to report performance based on various metrics.Accuracy results show that the proposed model has achieved 82.5%accuracy and performed better in comparison to the state-of-the-art classification techniques in terms of accuracy.We would like to highlight that the proposed technique has achieved better accuracy by using 2.8 times lesser number of features.
基金funded by the Natural Science Foundation of Shandong Province (ZR2021MD061ZR2023QD025)+3 种基金China Postdoctoral Science Foundation (2022M721972)National Natural Science Foundation of China (41174098)Young Talents Foundation of Inner Mongolia University (10000-23112101/055)Qingdao Postdoctoral Science Foundation (QDBSH20230102094)。
文摘Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.
基金supported by National Natural Science Foundation of China (Nos. 61761027 and 61461025)the Yong Scholar Fund of Lanzhou Jiaotong University (No. 2016004)the Teaching Reform Project of Lanzhou Jiaotong University (No. JGY201841)。
文摘Research has demonstrated a significant overlap between sleep issues and other medical conditions.In this paper,we consider mild difficulty in falling asleep(MDFA).Recognition of MDFA has the potential to assist in the provision of appropriate treatment plans for both sleep issues and related medical conditions.An issue in the diagnosis of MDFA lies in subjectivity.To address this issue,a decision support tool based on dual-modal physiological feature fusion which is able to automatically identify MDFA is proposed in this study.Special attention is given to the problem of how to extract candidate features and fuse dual-modal features.Following the identification of the optimal feature set,this study considers the correlations between each feature and class and evaluates correlations between the inter-modality features.Finally,the recognition accuracy was measured using 10-fold cross validation.The experimental results for our method demonstrate improved performance.The highest recognition rate of MDFA using the optimal feature set can reach 96.22%.Based on the results of current study,the authors will,in projected future research,develop a real-time MDFA recognition system.
基金Princess Nourah bint Abdulrahman University Researchers Supporting Project,Grant/Award Number:PNURSP2023R333。
文摘In computer vision applications like surveillance and remote sensing,to mention a few,deep learning has had considerable success.Medical imaging still faces a number of difficulties,including intra-class similarity,a scarcity of training data,and poor contrast skin lesions,notably in the case of skin cancer.An optimisation-aided deep learningbased system is proposed for accurate multi-class skin lesion identification.The sequential procedures of the proposed system start with preprocessing and end with categorisation.The preprocessing step is where a hybrid contrast enhancement technique is initially proposed for lesion identification with healthy regions.Instead of flipping and rotating data,the outputs from the middle phases of the hybrid enhanced technique are employed for data augmentation in the next step.Next,two pre-trained deep learning models,MobileNetV2 and NasNet Mobile,are trained using deep transfer learning on the upgraded enriched dataset.Later,a dual-threshold serial approach is employed to obtain and combine the features of both models.The next step was the variance-controlled Marine Predator methodology,which the authors proposed as a superior optimisation method.The top features from the fused feature vector are classified using machine learning classifiers.The experimental strategy provided enhanced accuracy of 94.4%using the publicly available dataset HAM10000.Additionally,the proposed framework is evaluated compared to current approaches,with remarkable results.
基金Project supported by the National Natural Science Foundation of China(Grant No.62176217)the Program from the Sichuan Provincial Science and Technology,China(Grant No.2018RZ0081)the Fundamental Research Funds of China West Normal University(Grant No.17E063).
文摘Graph neural networks(GNNs)have demonstrated excellent performance in graph representation learning.However,as the volume of graph data grows,issues related to cost and efficiency become increasingly prominent.Graph distillation methods address this challenge by extracting a smaller,reduced graph,ensuring that GNNs trained on both the original and reduced graphs show similar performance.Existing methods,however,primarily optimize the feature matrix of the reduced graph and rely on correlation information from GNNs,while neglecting the original graph’s structure and redundant nodes.This often results in a loss of critical information within the reduced graph.To overcome this limitation,we propose a graph distillation method guided by network symmetry.Specifically,we identify symmetric nodes with equivalent neighborhood structures and merge them into“super nodes”,thereby simplifying the network structure,reducing redundant parameter optimization and enhancing training efficiency.At the same time,instead of relying on the original node features,we employ gradient descent to match optimal features that align with the original features,thus improving downstream task performance.Theoretically,our method guarantees that the reduced graph retains the key information present in the original graph.Extensive experiments demonstrate that our approach achieves significant improvements in graph distillation,exhibiting strong generalization capability and outperforming existing graph reduction methods.
基金Supported by the National Natural Science Foundation of China(No.52005442)the Technology Project of Zhejiang Huayun Information Technology Co.,Ltd.(No.HYJT/JS-2020-004).
文摘Accurate short-term photovoltaic(PV)output forecasting is beneficial for increasing grid stabil-ity and enhancing the capacity for photovoltaic power absorption.In response to the challenges faced by commonly used photovoltaic forecasting methods,which struggle to handle issues such as non-u-niform lengths of time series data for power generation and meteorological conditions,overlapping photovoltaic characteristics,and nonlinear correlations,an improved method that utilizes spectral clustering and dynamic time warping(DTW)for selecting similar days is proposed to optimize the dataset along the temporal dimension.Furthermore,XGBoost is employed for recursive feature selec-tion.On this basis,to address the issue that single forecasting models excel at capturing different data characteristics and tend to exhibit significant prediction errors under adverse meteorological con-ditions,an improved forecasting model based on Stacking and weighted fusion is proposed to reduce the independent bias and variance of individual models and enhance the predictive accuracy.Final-ly,experimental validation is carried out using real data from a photovoltaic power station in the Xi-aoshan District of Hangzhou,China,demonstrating that the proposed method can still achieve accu-rate and robust forecasting results even under conditions of significant meteorological fluctuations.
基金Under the auspices of National Natural Science Foundation of China(No.42101393,41901375,52274166)Hebei Natural Science Foundation(No.D2022209005,D2023209008)Central Guided Local Science and Technology Development Fund Project of Hebei Province(No.236Z3305G,246Z4201G)Key Research and Development Program of Science and Technology Plan of Tangshan,China(No.22150221J)。
文摘Coastal wetlands are crucial for the‘blue carbon sink’,significantly contributing to regulating climate change.This study util-ized 160 soil samples,35 remote sensing features,and 5 geo-climatic data to accurately estimate the soil organic carbon stocks(SOCS)in the coastal wetlands of Tianjin and Hebei,China.To reduce data redundancy,simplify model complexity,and improve model inter-pretability,Pearson correlation analysis(PsCA),Boruta,and recursive feature elimination(RFE)were employed to optimize features.Combined with the optimized features,the soil organic carbon density(SOCD)prediction model was constructed by using multivariate adaptive regression splines(MARS),extreme gradient boosting(XGBoost),and random forest(RF)algorithms and applied to predict the spatial distribution of SOCD and estimate the SOCS of different wetland types in 2020.The results show that:1)different feature combinations have a significant influence on the model performance.Better prediction performance was attained by building a model using RFE-based feature combinations.RF has the best prediction accuracy(R^(2)=0.587,RMSE=0.798 kg/m^(2),MAE=0.660 kg/m^(2)).2)Optical features are more important than radar and geo-climatic features in the MARS,XGBoost,and RF algorithms.3)The size of SOCS is related to SOCD and the area of each wetland type,aquaculture pond has the highest SOCS,followed by marsh,salt pan,mud-flat,and sand shore.
文摘Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challenging task because of enormous computational resource requirements and long computational time.To achieve full chip ILT solution,attempts have been made by using machine learning techniques based on deep convolution neural network(DCNN).The reported input for such DCNN is the rasterized images of the lithography target;such pure geometrical input requires DCNN to possess considerable number of layers to learn the optical properties of the mask,the nonlinear imaging process,and the rigorous ILT algorithm as well.To alleviate the difficulties,we have proposed the physics based optimal feature vector design for machine learning ILT in our early report.Although physics based feature vector followed by feedforward neural network can provide the solution to machine learning ILT,the feature vector is long and it can consume considerable amount of memory resource in practical implementation.To improve the resource efficiency,we proposed a hybrid approach in this study by combining first few physics based feature maps with a specially designed DCNN structure to learn the rigorous ILT algorithm.Our results show that this approach can make machine learning ILT easy,fast and more accurate.
基金supported by the National Natural Science Foundation of China (60774096)the National HighTech R&D Program of China (2008BAK49B05)
文摘Feature optimization is important to agricultural text mining. Usually, the vector space model is used to represent text documents. However, this basic approach still suffers from two drawbacks: thecurse of dimension and the lack of semantic information. In this paper, a novel ontology-based feature optimization method for agricultural text was proposed. First, terms of vector space model were mapped into concepts of agricultural ontology, which concept frequency weights are computed statistically by term frequency weights; second, weights of concept similarity were assigned to the concept features according to the structure of the agricultural ontology. By combining feature frequency weights and feature similarity weights based on the agricultural ontology, the dimensionality of feature space can be reduced drastically. Moreover, the semantic information can be incorporated into this method. The results showed that this method yields a significant improvement on agricultural text clustering by the feature optimization.
基金supported by Korea Institute for Advancement of Technology(KIAT)grant funded by the Korea Government(MOTIE)(P0012724,The Competency Development Program for Industry Specialist)and the Soonchunhyang University Research Fund.
文摘In the area of medical image processing,stomach cancer is one of the most important cancers which need to be diagnose at the early stage.In this paper,an optimized deep learning method is presented for multiple stomach disease classication.The proposed method work in few important steps—preprocessing using the fusion of ltering images along with Ant Colony Optimization(ACO),deep transfer learning-based features extraction,optimization of deep extracted features using nature-inspired algorithms,and nally fusion of optimal vectors and classication using Multi-Layered Perceptron Neural Network(MLNN).In the feature extraction step,pretrained Inception V3 is utilized and retrained on selected stomach infection classes using the deep transfer learning step.Later on,the activation function is applied to Global Average Pool(GAP)for feature extraction.However,the extracted features are optimized through two different nature-inspired algorithms—Particle Swarm Optimization(PSO)with dynamic tness function and Crow Search Algorithm(CSA).Hence,both methods’output is fused by a maximal value approach and classied the fused feature vector by MLNN.Two datasets are used to evaluate the proposed method—CUI WahStomach Diseases and Combined dataset and achieved an average accuracy of 99.5%.The comparison with existing techniques,it is shown that the proposed method shows signicant performance.
基金Project (No 2008AA01Z132) supported by the National High-Tech Research and Development Program of China
文摘Image feature optimization is an important means to deal with high-dimensional image data in image semantic understanding and its applications. We formulate image feature optimization as the establishment of a mapping between highand low-dimensional space via a five-tuple model. Nonlinear dimensionality reduction based on manifold learning provides a feasible way for solving such a problem. We propose a novel globular neighborhood based locally linear embedding (GNLLE) algorithm using neighborhood update and an incremental neighbor search scheme, which not only can handle sparse datasets but also has strong anti-noise capability and good topological stability. Given that the distance measure adopted in nonlinear dimensionality reduction is usually based on pairwise similarity calculation, we also present a globular neighborhood and path clustering based locally linear embedding (GNPCLLE) algorithm based on path-based clustering. Due to its full consideration of correlations between image data, GNPCLLE can eliminate the distortion of the overall topological structure within the dataset on the manifold. Experimental results on two image sets show the effectiveness and efficiency of the proposed algorithms.
基金This work was financially supported by the National High Technology Research and Development Program of China (No.2003AA331080 and 2001AA339030)the Talent Science Research Foundation of Henan University of Science & Technology (No.09001121).
文摘Considering that the surface defects of cold rolled strips are hard to be recognized by human eyes under high-speed circumstances, an automatic recognition technique was discussed. Spectrum images of defects can be got by fast Fourier transform (FFF) and sum of valid pixels (SVP), and its optimized center region, which concentrates nearly all energies, are extracted as an original feature set. Using genetic algorithm to optimize the feature set, an optimized feature set with 51 features can be achieved. Using the optimized feature set as an input vector of neural networks, the recognition effects of LVQ neural networks have been studied. Experiment results show that the new method can get a higher classification rate and can settle the automatic recognition problem of surface defects on cold rolled strips ideally.
文摘Feature selection(FS)(or feature dimensional reduction,or feature optimization)is an essential process in pattern recognition and machine learning because of its enhanced classification speed and accuracy and reduced system complexity.FS reduces the number of features extracted in the feature extraction phase by reducing highly correlated features,retaining features with high information gain,and removing features with no weights in classification.In this work,an FS filter-type statistical method is designed and implemented,utilizing a t-test to decrease the convergence between feature subsets by calculating the quality of performance value(QoPV).The approach utilizes the well-designed fitness function to calculate the strength of recognition value(SoRV).The two values are used to rank all features according to the final weight(FW)calculated for each feature subset using a function that prioritizes feature subsets with high SoRV values.An FW is assigned to each feature subset,and those with FWs less than a predefined threshold are removed from the feature subset domain.Experiments are implemented on three datasets:Ryerson Audio-Visual Database of Emotional Speech and Song,Berlin,and Surrey Audio-Visual Expressed Emotion.The performance of the F-test and F-score FS methods are compared to those of the proposed method.Tests are also conducted on a system before and after deploying the FS methods.Results demonstrate the comparative efficiency of the proposed method.The complexity of the system is calculated based on the time overhead required before and after FS.Results show that the proposed method can reduce system complexity.
基金This research was supported by the MSIT(Ministry of Science and ICT),Korea,under the ICAN(ICT Challenge and Advanced Network of HRD)program(IITP-2021-2020-0-01832)supervised by the IITP(Institute of Information&Communications Technology Planning&Evaluation)and the Soonchunhyang University Research Fund.
文摘Malaria is a critical health condition that affects both sultry and frigid region worldwide,giving rise to millions of cases of disease and thousands of deaths over the years.Malaria is caused by parasites that enter the human red blood cells,grow there,and damage them over time.Therefore,it is diagnosed by a detailed examination of blood cells under the microscope.This is the most extensively used malaria diagnosis technique,but it yields limited and unreliable results due to the manual human involvement.In this work,an automated malaria blood smear classification model is proposed,which takes images of both infected and healthy cells and preprocesses themin the L^(*)a^(*)b^(*)color space by employing several contrast enhancement methods.Feature extraction is performed using two pretrained deep convolutional neural networks,DarkNet-53 and DenseNet-201.The features are subsequently agglutinated to be optimized through a nature-based feature reduction method called the whale optimization algorithm.Several classifiers are effectuated on the reduced features,and the achieved results excel in both accuracy and time compared to previously proposed methods.
文摘Manual diagnosis of crops diseases is not an easy process;thus,a computerized method is widely used.Froma couple of years,advancements in the domain ofmachine learning,such as deep learning,have shown substantial success.However,they still faced some challenges such as similarity in disease symptoms and irrelevant features extraction.In this article,we proposed a new deep learning architecture with optimization algorithm for cucumber and potato leaf diseases recognition.The proposed architecture consists of five steps.In the first step,data augmentation is performed to increase the numbers of training samples.In the second step,pre-trained DarkNet19 deep model is opted and fine-tuned that later utilized for the training of fine-tuned model through transfer learning.Deep features are extracted from the global pooling layer in the next step that is refined using Improved Cuckoo search algorithm.The best selected features are finally classified using machine learning classifiers such as SVM,and named a few more for final classification results.The proposed architecture is tested using publicly available datasets–Cucumber National Dataset and Plant Village.The proposed architecture achieved an accuracy of 100.0%,92.9%,and 99.2%,respectively.Acomparison with recent techniques is also performed,revealing that the proposed method achieved improved accuracy while consuming less computational time.