Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware reso...Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware resources. To address this issue, the MobileNetV1 network was developed, which employs depthwise convolution to reduce network complexity. MobileNetV1 employs a stride of 2 in several convolutional layers to decrease the spatial resolution of feature maps, thereby lowering computational costs. However, this stride setting can lead to a loss of spatial information, particularly affecting the detection and representation of smaller objects or finer details in images. To maintain the trade-off between complexity and model performance, a lightweight convolutional neural network with hierarchical multi-scale feature fusion based on the MobileNetV1 network is proposed. The network consists of two main subnetworks. The first subnetwork uses a depthwise dilated separable convolution (DDSC) layer to learn imaging features with fewer parameters, which results in a lightweight and computationally inexpensive network. Furthermore, depthwise dilated convolution in DDSC layer effectively expands the field of view of filters, allowing them to incorporate a larger context. The second subnetwork is a hierarchical multi-scale feature fusion (HMFF) module that uses parallel multi-resolution branches architecture to process the input feature map in order to extract the multi-scale feature information of the input image. Experimental results on the CIFAR-10, Malaria, and KvasirV1 datasets demonstrate that the proposed method is efficient, reducing the network parameters and computational cost by 65.02% and 39.78%, respectively, while maintaining the network performance compared to the MobileNetV1 baseline.展开更多
The present study proposes a sub-grid scale model for the one-dimensional Burgers turbulence based on the neuralnetwork and deep learning method.The filtered data of the direct numerical simulation is used to establis...The present study proposes a sub-grid scale model for the one-dimensional Burgers turbulence based on the neuralnetwork and deep learning method.The filtered data of the direct numerical simulation is used to establish thetraining data set,the validation data set,and the test data set.The artificial neural network(ANN)methodand Back Propagation method are employed to train parameters in the ANN.The developed ANN is applied toconstruct the sub-grid scale model for the large eddy simulation of the Burgers turbulence in the one-dimensionalspace.The proposed model well predicts the time correlation and the space correlation of the Burgers turbulence.展开更多
There is instability in the distributed energy storage cloud group end region on the power grid side.In order to avoid large-scale fluctuating charging and discharging in the power grid environment and make the capaci...There is instability in the distributed energy storage cloud group end region on the power grid side.In order to avoid large-scale fluctuating charging and discharging in the power grid environment and make the capacitor components showa continuous and stable charging and discharging state,a hierarchical time-sharing configuration algorithm of distributed energy storage cloud group end region on the power grid side based on multi-scale and multi feature convolution neural network is proposed.Firstly,a voltage stability analysis model based onmulti-scale and multi feature convolution neural network is constructed,and the multi-scale and multi feature convolution neural network is optimized based on Self-OrganizingMaps(SOM)algorithm to analyze the voltage stability of the cloud group end region of distributed energy storage on the grid side under the framework of credibility.According to the optimal scheduling objectives and network size,the distributed robust optimal configuration control model is solved under the framework of coordinated optimal scheduling at multiple time scales;Finally,the time series characteristics of regional power grid load and distributed generation are analyzed.According to the regional hierarchical time-sharing configuration model of“cloud”,“group”and“end”layer,the grid side distributed energy storage cloud group end regional hierarchical time-sharing configuration algorithm is realized.The experimental results show that after applying this algorithm,the best grid side distributed energy storage configuration scheme can be determined,and the stability of grid side distributed energy storage cloud group end region layered timesharing configuration can be improved.展开更多
Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction acc...Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.展开更多
Research into automatically searching for an optimal neural network(NN)by optimi-sation algorithms is a significant research topic in deep learning and artificial intelligence.However,this is still challenging due to ...Research into automatically searching for an optimal neural network(NN)by optimi-sation algorithms is a significant research topic in deep learning and artificial intelligence.However,this is still challenging due to two issues:Both the hyperparameter and ar-chitecture should be optimised and the optimisation process is computationally expen-sive.To tackle these two issues,this paper focusses on solving the hyperparameter and architecture optimization problem for the NN and proposes a novel light‐weight scale‐adaptive fitness evaluation‐based particle swarm optimisation(SAFE‐PSO)approach.Firstly,the SAFE‐PSO algorithm considers the hyperparameters and architectures together in the optimisation problem and therefore can find their optimal combination for the globally best NN.Secondly,the computational cost can be reduced by using multi‐scale accuracy evaluation methods to evaluate candidates.Thirdly,a stagnation‐based switch strategy is proposed to adaptively switch different evaluation methods to better balance the search performance and computational cost.The SAFE‐PSO algorithm is tested on two widely used datasets:The 10‐category(i.e.,CIFAR10)and the 100−cate-gory(i.e.,CIFAR100).The experimental results show that SAFE‐PSO is very effective and efficient,which can not only find a promising NN automatically but also find a better NN than compared algorithms at the same computational cost.展开更多
With an extension of the geological entropy concept in porous media,the approach called directional entrogram is applied to link hydraulic behavior to the anisotropy of the 3D fracture networks.A metric called directi...With an extension of the geological entropy concept in porous media,the approach called directional entrogram is applied to link hydraulic behavior to the anisotropy of the 3D fracture networks.A metric called directional entropic scale is used to measure the anisotropy of spatial order in different directions.Compared with the traditional connectivity indexes based on the statistics of fracture geometry,the directional entropic scale is capable to quantify the anisotropy of connectivity and hydraulic conductivity in heterogeneous 3D fracture networks.According to the numerical analysis of directional entrogram and fluid flow in a number of the 3D fracture networks,the hydraulic conductivities and entropic scales in different directions both increase with spatial order(i.e.,trace length decreasing and spacing increasing)and are independent of the dip angle.As a result,the nonlinear correlation between the hydraulic conductivities and entropic scales from different directions can be unified as quadratic polynomial function,which can shed light on the anisotropic effect of spatial order and global entropy on the heterogeneous hydraulic behaviors.展开更多
Due to the fading characteristics of wireless channels and the burstiness of data traffic,how to deal with congestion in Ad-hoc networks with effective algorithms is still open and challenging.In this paper,we focus o...Due to the fading characteristics of wireless channels and the burstiness of data traffic,how to deal with congestion in Ad-hoc networks with effective algorithms is still open and challenging.In this paper,we focus on enabling congestion control to minimize network transmission delays through flexible power control.To effectively solve the congestion problem,we propose a distributed cross-layer scheduling algorithm,which is empowered by graph-based multi-agent deep reinforcement learning.The transmit power is adaptively adjusted in real-time by our algorithm based only on local information(i.e.,channel state information and queue length)and local communication(i.e.,information exchanged with neighbors).Moreover,the training complexity of the algorithm is low due to the regional cooperation based on the graph attention network.In the evaluation,we show that our algorithm can reduce the transmission delay of data flow under severe signal interference and drastically changing channel states,and demonstrate the adaptability and stability in different topologies.The method is general and can be extended to various types of topologies.展开更多
Myelin damage and a wide range of symptoms are caused by the immune system targeting the central nervous system in Multiple Sclerosis(MS),a chronic autoimmune neurological condition.It disrupts signals between the bra...Myelin damage and a wide range of symptoms are caused by the immune system targeting the central nervous system in Multiple Sclerosis(MS),a chronic autoimmune neurological condition.It disrupts signals between the brain and body,causing symptoms including tiredness,muscle weakness,and difficulty with memory and balance.Traditional methods for detecting MS are less precise and time-consuming,which is a major gap in addressing this problem.This gap has motivated the investigation of new methods to improve MS detection consistency and accuracy.This paper proposed a novel approach named FAD consisting of Deep Neural Network(DNN)fused with an Artificial Neural Network(ANN)to detect MS with more efficiency and accuracy,utilizing regularization and combat over-fitting.We use gene expression data for MS research in the GEO GSE17048 dataset.The dataset is preprocessed by performing encoding,standardization using min-max-scaler,and feature selection using Recursive Feature Elimination with Cross-Validation(RFECV)to optimize and refine the dataset.Meanwhile,for experimenting with the dataset,another deep-learning hybrid model is integrated with different ML models,including Random Forest(RF),Gradient Boosting(GB),XGBoost(XGB),K-Nearest Neighbors(KNN)and Decision Tree(DT).Results reveal that FAD performed exceptionally well on the dataset,which was evident with an accuracy of 96.55%and an F1-score of 96.71%.The use of the proposed FAD approach helps in achieving remarkable results with better accuracy than previous studies.展开更多
The composite time scale(CTS) provides an accurate and stable time-frequency reference for modern science and technology. Conventional CTS always features a centralized network topology, which means that the CTS is ac...The composite time scale(CTS) provides an accurate and stable time-frequency reference for modern science and technology. Conventional CTS always features a centralized network topology, which means that the CTS is accompanied by a local master clock. This largely restricts the stability and reliability of the CTS. We simulate the restriction and analyze the influence of the master clock on the CTS. It proves that the CTS's long-term stability is also positively related to that of the master clock, until the region dominated by the frequency drift of the H-maser(averaging time longer than ~10~5s).Aiming at this restriction, a real-time clock network is utilized. Based on the network, a real-time CTS referenced by a stable remote master clock is achieved. The experiment comparing two real-time CTSs referenced by a local and a remote master clock respectively reveals that under open-loop steering, the stability of the CTS is improved by referencing to a remote and more stable master clock instead of a local and less stable master clock. In this way, with the help of the proposed scheme, the CTS can be referenced to the most stable master clock within the network in real time, no matter whether it is local or remote, making democratic polycentric timekeeping possible.展开更多
Many real communication networks, such as oceanic monitoring network and land environment observation network,can be described as space stereo multi-layer structure, and the traffic in these networks is concurrent. Un...Many real communication networks, such as oceanic monitoring network and land environment observation network,can be described as space stereo multi-layer structure, and the traffic in these networks is concurrent. Understanding how traffic dynamics depend on these real communication networks and finding an effective routing strategy that can fit the circumstance of traffic concurrency and enhance the network performance are necessary. In this light, we propose a traffic model for space stereo multi-layer complex network and introduce two kinds of global forward-predicting dynamic routing strategies, global forward-predicting hybrid minimum queue(HMQ) routing strategy and global forward-predicting hybrid minimum degree and queue(HMDQ) routing strategy, for traffic concurrency space stereo multi-layer scale-free networks. By applying forward-predicting strategy, the proposed routing strategies achieve better performances in traffic concurrency space stereo multi-layer scale-free networks. Compared with the efficient routing strategy and global dynamic routing strategy, HMDQ and HMQ routing strategies can optimize the traffic distribution, alleviate the number of congested packets effectively and reach much higher network capacity.展开更多
This paper studies consensus problems in weighted scale-free networks of asymmetrically coupled dynamical units, where the asymmetry in a given link is deter:mined by the relative degree of the involved nodes. It sho...This paper studies consensus problems in weighted scale-free networks of asymmetrically coupled dynamical units, where the asymmetry in a given link is deter:mined by the relative degree of the involved nodes. It shows that the asymmetry of interactions has a great effect on the consensus. Especially, when the interactions are dominant from higher- to lower-degree nodes, both the convergence speed and the robustness to communication delay are enhanced.展开更多
The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software w...The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software with defects negatively impacts operational costs and finally affects customer satisfaction. Numerous approaches exist to predict software defects. However, the timely and accurate software bugs are the major challenging issues. To improve the timely and accurate software defect prediction, a novel technique called Nonparametric Statistical feature scaled QuAdratic regressive convolution Deep nEural Network (SQADEN) is introduced. The proposed SQADEN technique mainly includes two major processes namely metric or feature selection and classification. First, the SQADEN uses the nonparametric statistical Torgerson–Gower scaling technique for identifying the relevant software metrics by measuring the similarity using the dice coefficient. The feature selection process is used to minimize the time complexity of software fault prediction. With the selected metrics, software fault perdition with the help of the Quadratic Censored regressive convolution deep neural network-based classification. The deep learning classifier analyzes the training and testing samples using the contingency correlation coefficient. The softstep activation function is used to provide the final fault prediction results. To minimize the error, the Nelder–Mead method is applied to solve non-linear least-squares problems. Finally, accurate classification results with a minimum error are obtained at the output layer. Experimental evaluation is carried out with different quantitative metrics such as accuracy, precision, recall, F-measure, and time complexity. The analyzed results demonstrate the superior performance of our proposed SQADEN technique with maximum accuracy, sensitivity and specificity by 3%, 3%, 2% and 3% and minimum time and space by 13% and 15% when compared with the two state-of-the-art methods.展开更多
Pedestrian attribute classification from a pedestrian image captured in surveillance scenarios is challenging due to diverse clothing appearances,varied poses and different camera views. A multiscale and multi-label c...Pedestrian attribute classification from a pedestrian image captured in surveillance scenarios is challenging due to diverse clothing appearances,varied poses and different camera views. A multiscale and multi-label convolutional neural network( MSMLCNN) is proposed to predict multiple pedestrian attributes simultaneously. The pedestrian attribute classification problem is firstly transformed into a multi-label problem including multiple binary attributes needed to be classified. Then,the multi-label problem is solved by fully connecting all binary attributes to multi-scale features with logistic regression functions. Moreover,the multi-scale features are obtained by concatenating those featured maps produced from multiple pooling layers of the MSMLCNN at different scales. Extensive experiment results show that the proposed MSMLCNN outperforms state-of-the-art pedestrian attribute classification methods with a large margin.展开更多
Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale inf...Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale information without reducing the resolution.The first layer of the network used spectral convolutional step to reduce dimensionality.Then the multi⁃scale aggregation extracted multi⁃scale features through applying dilated convolution and shortcut connection.The extracted features which represent properties of data were fed through Softmax to predict the samples.MDCNN achieved the overall accuracy of 99.58% and 99.92% on two public datasets,Indian Pines and Pavia University.Compared with four other existing models,the results illustrate that MDCNN can extract better discriminative features and achieve higher classification performance.展开更多
Aiming at scheduling problems of networked control system (NCS) used to fulfill motion synthesis and cooperation control of the distributed multi-mechatronic systems, the differences of network scheduling and task s...Aiming at scheduling problems of networked control system (NCS) used to fulfill motion synthesis and cooperation control of the distributed multi-mechatronic systems, the differences of network scheduling and task scheduling are compared, and the mathematic description of task scheduling is presented. A performance index function of task scheduling of NCS according to task balance and traffic load matching principles is defined. According to this index, a static scheduling method is designed and implemented to controlling task set simulation of the DCY100 transportation vehicle. The simulation results are applied successfully to practical engineering in this case so as to validate the effectiveness of the proposed performance index and scheduling algorithm.展开更多
<div style="text-align:justify;"> In the frequency division duplex (FDD) mode of the massive MIMO system, the system needs to perform coding through channel state information (CSI) to obtain performanc...<div style="text-align:justify;"> In the frequency division duplex (FDD) mode of the massive MIMO system, the system needs to perform coding through channel state information (CSI) to obtain performance gains. However, the number of antennas of the base station has been greatly increased, resulting in a rapid increase in the overhead for the user terminal to feedback CSI to the base station. In this article, we propose a method based on multi-task CNN to achieve compression and reconstruction of channel state information through a multi-scale and multi-channel convolutional neural network. We also introduce a dynamic learning rate model to improve the accuracy of channel state information reconstruction. The simulation results show that compared with the original CsiNet and other work, the proposed CSI feedback network has better reconstruction performance. </div>展开更多
Quantitative headspace analysis of volatiles emitted by plants or any other living organisms in chemical ecology studies generates large multidimensional data that require extensive mining and refining to extract usef...Quantitative headspace analysis of volatiles emitted by plants or any other living organisms in chemical ecology studies generates large multidimensional data that require extensive mining and refining to extract useful information. More often the number of variables and the quantified volatile compounds exceed the number of observations or samples and hence many traditional statistical analysis methods become inefficient. Here, we employed machine learning algorithm, random forest (RF) in combination with distance-based procedure, similarity percentage (SIMPER) as preprocessing steps to reduce the data dimensionality in the chemical profiles of volatiles from three African nightshade plant species before subjecting the data to non-metric multidimensional scaling (NMDS). In addition, non-parametric methods namely permutational multivariate analysis of variance (PERMANOVA) and analysis of similarities (ANOSIM) were applied to test hypothesis of differences among the African nightshade species based on the volatiles profiles and ascertain the patterns revealed by NMDS plots. Our results revealed that there were significant differences among the African nightshade species when the data’s dimension was reduced using RF variable importance and SIMPER, as also supported by NMDS plots that showed S. scabrum being separated from S. villosum and S. sarrachoides based on the reduced data variables. The novelty of our work is on the merits of using data reduction techniques to successfully reveal differences in groups which could have otherwise not been the case if the analysis were performed on the entire original data matrix characterized by small samples. The R code used in the analysis has been shared herein for interested researchers to customise it for their own data of similar nature.展开更多
文摘Convolutional neural networks (CNNs) are widely used in image classification tasks, but their increasing model size and computation make them challenging to implement on embedded systems with constrained hardware resources. To address this issue, the MobileNetV1 network was developed, which employs depthwise convolution to reduce network complexity. MobileNetV1 employs a stride of 2 in several convolutional layers to decrease the spatial resolution of feature maps, thereby lowering computational costs. However, this stride setting can lead to a loss of spatial information, particularly affecting the detection and representation of smaller objects or finer details in images. To maintain the trade-off between complexity and model performance, a lightweight convolutional neural network with hierarchical multi-scale feature fusion based on the MobileNetV1 network is proposed. The network consists of two main subnetworks. The first subnetwork uses a depthwise dilated separable convolution (DDSC) layer to learn imaging features with fewer parameters, which results in a lightweight and computationally inexpensive network. Furthermore, depthwise dilated convolution in DDSC layer effectively expands the field of view of filters, allowing them to incorporate a larger context. The second subnetwork is a hierarchical multi-scale feature fusion (HMFF) module that uses parallel multi-resolution branches architecture to process the input feature map in order to extract the multi-scale feature information of the input image. Experimental results on the CIFAR-10, Malaria, and KvasirV1 datasets demonstrate that the proposed method is efficient, reducing the network parameters and computational cost by 65.02% and 39.78%, respectively, while maintaining the network performance compared to the MobileNetV1 baseline.
基金supported by the National Key R&D Program of China(Grant No.2022YFB3303500).
文摘The present study proposes a sub-grid scale model for the one-dimensional Burgers turbulence based on the neuralnetwork and deep learning method.The filtered data of the direct numerical simulation is used to establish thetraining data set,the validation data set,and the test data set.The artificial neural network(ANN)methodand Back Propagation method are employed to train parameters in the ANN.The developed ANN is applied toconstruct the sub-grid scale model for the large eddy simulation of the Burgers turbulence in the one-dimensionalspace.The proposed model well predicts the time correlation and the space correlation of the Burgers turbulence.
基金supported by State Grid Corporation Limited Science and Technology Project Funding(Contract No.SGCQSQ00YJJS2200380).
文摘There is instability in the distributed energy storage cloud group end region on the power grid side.In order to avoid large-scale fluctuating charging and discharging in the power grid environment and make the capacitor components showa continuous and stable charging and discharging state,a hierarchical time-sharing configuration algorithm of distributed energy storage cloud group end region on the power grid side based on multi-scale and multi feature convolution neural network is proposed.Firstly,a voltage stability analysis model based onmulti-scale and multi feature convolution neural network is constructed,and the multi-scale and multi feature convolution neural network is optimized based on Self-OrganizingMaps(SOM)algorithm to analyze the voltage stability of the cloud group end region of distributed energy storage on the grid side under the framework of credibility.According to the optimal scheduling objectives and network size,the distributed robust optimal configuration control model is solved under the framework of coordinated optimal scheduling at multiple time scales;Finally,the time series characteristics of regional power grid load and distributed generation are analyzed.According to the regional hierarchical time-sharing configuration model of“cloud”,“group”and“end”layer,the grid side distributed energy storage cloud group end regional hierarchical time-sharing configuration algorithm is realized.The experimental results show that after applying this algorithm,the best grid side distributed energy storage configuration scheme can be determined,and the stability of grid side distributed energy storage cloud group end region layered timesharing configuration can be improved.
文摘Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.
基金supported in part by the National Key Research and Development Program of China under Grant 2019YFB2102102in part by the National Natural Science Foundations of China under Grant 62176094 and Grant 61873097+2 种基金in part by the Key‐Area Research and Development of Guangdong Province under Grant 2020B010166002in part by the Guangdong Natural Science Foundation Research Team under Grant 2018B030312003in part by the Guangdong‐Hong Kong Joint Innovation Platform under Grant 2018B050502006.
文摘Research into automatically searching for an optimal neural network(NN)by optimi-sation algorithms is a significant research topic in deep learning and artificial intelligence.However,this is still challenging due to two issues:Both the hyperparameter and ar-chitecture should be optimised and the optimisation process is computationally expen-sive.To tackle these two issues,this paper focusses on solving the hyperparameter and architecture optimization problem for the NN and proposes a novel light‐weight scale‐adaptive fitness evaluation‐based particle swarm optimisation(SAFE‐PSO)approach.Firstly,the SAFE‐PSO algorithm considers the hyperparameters and architectures together in the optimisation problem and therefore can find their optimal combination for the globally best NN.Secondly,the computational cost can be reduced by using multi‐scale accuracy evaluation methods to evaluate candidates.Thirdly,a stagnation‐based switch strategy is proposed to adaptively switch different evaluation methods to better balance the search performance and computational cost.The SAFE‐PSO algorithm is tested on two widely used datasets:The 10‐category(i.e.,CIFAR10)and the 100−cate-gory(i.e.,CIFAR100).The experimental results show that SAFE‐PSO is very effective and efficient,which can not only find a promising NN automatically but also find a better NN than compared algorithms at the same computational cost.
基金supported by the National Natural Science Foundation of China(Nos.42077243,52209148,and 52079062).
文摘With an extension of the geological entropy concept in porous media,the approach called directional entrogram is applied to link hydraulic behavior to the anisotropy of the 3D fracture networks.A metric called directional entropic scale is used to measure the anisotropy of spatial order in different directions.Compared with the traditional connectivity indexes based on the statistics of fracture geometry,the directional entropic scale is capable to quantify the anisotropy of connectivity and hydraulic conductivity in heterogeneous 3D fracture networks.According to the numerical analysis of directional entrogram and fluid flow in a number of the 3D fracture networks,the hydraulic conductivities and entropic scales in different directions both increase with spatial order(i.e.,trace length decreasing and spacing increasing)and are independent of the dip angle.As a result,the nonlinear correlation between the hydraulic conductivities and entropic scales from different directions can be unified as quadratic polynomial function,which can shed light on the anisotropic effect of spatial order and global entropy on the heterogeneous hydraulic behaviors.
基金supported by Institute of Information & communications Technology Planning & Evaluation (IITP) grant funded by the Korea government(MSIT) (No.RS-2022-00155885, Artificial Intelligence Convergence Innovation Human Resources Development (Hanyang University ERICA))supported by the National Natural Science Foundation of China under Grant No. 61971264the National Natural Science Foundation of China/Research Grants Council Collaborative Research Scheme under Grant No. 62261160390
文摘Due to the fading characteristics of wireless channels and the burstiness of data traffic,how to deal with congestion in Ad-hoc networks with effective algorithms is still open and challenging.In this paper,we focus on enabling congestion control to minimize network transmission delays through flexible power control.To effectively solve the congestion problem,we propose a distributed cross-layer scheduling algorithm,which is empowered by graph-based multi-agent deep reinforcement learning.The transmit power is adaptively adjusted in real-time by our algorithm based only on local information(i.e.,channel state information and queue length)and local communication(i.e.,information exchanged with neighbors).Moreover,the training complexity of the algorithm is low due to the regional cooperation based on the graph attention network.In the evaluation,we show that our algorithm can reduce the transmission delay of data flow under severe signal interference and drastically changing channel states,and demonstrate the adaptability and stability in different topologies.The method is general and can be extended to various types of topologies.
基金supported by Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2024R503),Princess Nourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Myelin damage and a wide range of symptoms are caused by the immune system targeting the central nervous system in Multiple Sclerosis(MS),a chronic autoimmune neurological condition.It disrupts signals between the brain and body,causing symptoms including tiredness,muscle weakness,and difficulty with memory and balance.Traditional methods for detecting MS are less precise and time-consuming,which is a major gap in addressing this problem.This gap has motivated the investigation of new methods to improve MS detection consistency and accuracy.This paper proposed a novel approach named FAD consisting of Deep Neural Network(DNN)fused with an Artificial Neural Network(ANN)to detect MS with more efficiency and accuracy,utilizing regularization and combat over-fitting.We use gene expression data for MS research in the GEO GSE17048 dataset.The dataset is preprocessed by performing encoding,standardization using min-max-scaler,and feature selection using Recursive Feature Elimination with Cross-Validation(RFECV)to optimize and refine the dataset.Meanwhile,for experimenting with the dataset,another deep-learning hybrid model is integrated with different ML models,including Random Forest(RF),Gradient Boosting(GB),XGBoost(XGB),K-Nearest Neighbors(KNN)and Decision Tree(DT).Results reveal that FAD performed exceptionally well on the dataset,which was evident with an accuracy of 96.55%and an F1-score of 96.71%.The use of the proposed FAD approach helps in achieving remarkable results with better accuracy than previous studies.
基金supported in part by the National Natural Science Foundation of China (Grant No.61971259)the National Key R&D Program of China (Grant No.2021YFA1402102)Tsinghua University Initiative Scientific Research Program。
文摘The composite time scale(CTS) provides an accurate and stable time-frequency reference for modern science and technology. Conventional CTS always features a centralized network topology, which means that the CTS is accompanied by a local master clock. This largely restricts the stability and reliability of the CTS. We simulate the restriction and analyze the influence of the master clock on the CTS. It proves that the CTS's long-term stability is also positively related to that of the master clock, until the region dominated by the frequency drift of the H-maser(averaging time longer than ~10~5s).Aiming at this restriction, a real-time clock network is utilized. Based on the network, a real-time CTS referenced by a stable remote master clock is achieved. The experiment comparing two real-time CTSs referenced by a local and a remote master clock respectively reveals that under open-loop steering, the stability of the CTS is improved by referencing to a remote and more stable master clock instead of a local and less stable master clock. In this way, with the help of the proposed scheme, the CTS can be referenced to the most stable master clock within the network in real time, no matter whether it is local or remote, making democratic polycentric timekeeping possible.
基金Project supported by the Youth Science Funds of Shandong Academy of Sciences,China(Grant No.2014QN032)
文摘Many real communication networks, such as oceanic monitoring network and land environment observation network,can be described as space stereo multi-layer structure, and the traffic in these networks is concurrent. Understanding how traffic dynamics depend on these real communication networks and finding an effective routing strategy that can fit the circumstance of traffic concurrency and enhance the network performance are necessary. In this light, we propose a traffic model for space stereo multi-layer complex network and introduce two kinds of global forward-predicting dynamic routing strategies, global forward-predicting hybrid minimum queue(HMQ) routing strategy and global forward-predicting hybrid minimum degree and queue(HMDQ) routing strategy, for traffic concurrency space stereo multi-layer scale-free networks. By applying forward-predicting strategy, the proposed routing strategies achieve better performances in traffic concurrency space stereo multi-layer scale-free networks. Compared with the efficient routing strategy and global dynamic routing strategy, HMDQ and HMQ routing strategies can optimize the traffic distribution, alleviate the number of congested packets effectively and reach much higher network capacity.
基金Project supported by the National Natural Science Foundation of China (Grant Nos 10775060 and 10805033)the Doctoral Education Foundation of National Education Committeethe Natural Science Foundation of Gansu Province
文摘This paper studies consensus problems in weighted scale-free networks of asymmetrically coupled dynamical units, where the asymmetry in a given link is deter:mined by the relative degree of the involved nodes. It shows that the asymmetry of interactions has a great effect on the consensus. Especially, when the interactions are dominant from higher- to lower-degree nodes, both the convergence speed and the robustness to communication delay are enhanced.
文摘The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software with defects negatively impacts operational costs and finally affects customer satisfaction. Numerous approaches exist to predict software defects. However, the timely and accurate software bugs are the major challenging issues. To improve the timely and accurate software defect prediction, a novel technique called Nonparametric Statistical feature scaled QuAdratic regressive convolution Deep nEural Network (SQADEN) is introduced. The proposed SQADEN technique mainly includes two major processes namely metric or feature selection and classification. First, the SQADEN uses the nonparametric statistical Torgerson–Gower scaling technique for identifying the relevant software metrics by measuring the similarity using the dice coefficient. The feature selection process is used to minimize the time complexity of software fault prediction. With the selected metrics, software fault perdition with the help of the Quadratic Censored regressive convolution deep neural network-based classification. The deep learning classifier analyzes the training and testing samples using the contingency correlation coefficient. The softstep activation function is used to provide the final fault prediction results. To minimize the error, the Nelder–Mead method is applied to solve non-linear least-squares problems. Finally, accurate classification results with a minimum error are obtained at the output layer. Experimental evaluation is carried out with different quantitative metrics such as accuracy, precision, recall, F-measure, and time complexity. The analyzed results demonstrate the superior performance of our proposed SQADEN technique with maximum accuracy, sensitivity and specificity by 3%, 3%, 2% and 3% and minimum time and space by 13% and 15% when compared with the two state-of-the-art methods.
基金Supported by the National Natural Science Foundation of China(No.61602191,61672521,61375037,61473291,61572501,61572536,61502491,61372107,61401167)the Natural Science Foundation of Fujian Province(No.2016J01308)+3 种基金the Scientific and Technology Funds of Quanzhou(No.2015Z114)the Scientific and Technology Funds of Xiamen(No.3502Z20173045)the Promotion Program for Young and Middle aged Teacher in Science and Technology Research of Huaqiao University(No.ZQN-PY418,ZQN-YX403)the Scientific Research Funds of Huaqiao University(No.16BS108)
文摘Pedestrian attribute classification from a pedestrian image captured in surveillance scenarios is challenging due to diverse clothing appearances,varied poses and different camera views. A multiscale and multi-label convolutional neural network( MSMLCNN) is proposed to predict multiple pedestrian attributes simultaneously. The pedestrian attribute classification problem is firstly transformed into a multi-label problem including multiple binary attributes needed to be classified. Then,the multi-label problem is solved by fully connecting all binary attributes to multi-scale features with logistic regression functions. Moreover,the multi-scale features are obtained by concatenating those featured maps produced from multiple pooling layers of the MSMLCNN at different scales. Extensive experiment results show that the proposed MSMLCNN outperforms state-of-the-art pedestrian attribute classification methods with a large margin.
基金Sponsored by the Project of Multi Modal Monitoring Information Learning Fusion and Health Warning Diagnosis of Wind Power Transmission System(Grant No.61803329)the Research on Product Quality Inspection Method Based on Time Series Analysis(Grant No.201703A020)the Research on the Theory and Reliability of Group Coordinated Control of Hydraulic System for Large Engineering Transportation Vehicles(Grant No.51675461).
文摘Aiming at the problem of image information loss,dilated convolution is introduced and a novel multi⁃scale dilated convolutional neural network(MDCNN)is proposed.Dilated convolution can polymerize image multi⁃scale information without reducing the resolution.The first layer of the network used spectral convolutional step to reduce dimensionality.Then the multi⁃scale aggregation extracted multi⁃scale features through applying dilated convolution and shortcut connection.The extracted features which represent properties of data were fed through Softmax to predict the samples.MDCNN achieved the overall accuracy of 99.58% and 99.92% on two public datasets,Indian Pines and Pavia University.Compared with four other existing models,the results illustrate that MDCNN can extract better discriminative features and achieve higher classification performance.
基金This project is supported by National Natural Science Foundation of China (No. 50575013)
文摘Aiming at scheduling problems of networked control system (NCS) used to fulfill motion synthesis and cooperation control of the distributed multi-mechatronic systems, the differences of network scheduling and task scheduling are compared, and the mathematic description of task scheduling is presented. A performance index function of task scheduling of NCS according to task balance and traffic load matching principles is defined. According to this index, a static scheduling method is designed and implemented to controlling task set simulation of the DCY100 transportation vehicle. The simulation results are applied successfully to practical engineering in this case so as to validate the effectiveness of the proposed performance index and scheduling algorithm.
文摘<div style="text-align:justify;"> In the frequency division duplex (FDD) mode of the massive MIMO system, the system needs to perform coding through channel state information (CSI) to obtain performance gains. However, the number of antennas of the base station has been greatly increased, resulting in a rapid increase in the overhead for the user terminal to feedback CSI to the base station. In this article, we propose a method based on multi-task CNN to achieve compression and reconstruction of channel state information through a multi-scale and multi-channel convolutional neural network. We also introduce a dynamic learning rate model to improve the accuracy of channel state information reconstruction. The simulation results show that compared with the original CsiNet and other work, the proposed CSI feedback network has better reconstruction performance. </div>
文摘Quantitative headspace analysis of volatiles emitted by plants or any other living organisms in chemical ecology studies generates large multidimensional data that require extensive mining and refining to extract useful information. More often the number of variables and the quantified volatile compounds exceed the number of observations or samples and hence many traditional statistical analysis methods become inefficient. Here, we employed machine learning algorithm, random forest (RF) in combination with distance-based procedure, similarity percentage (SIMPER) as preprocessing steps to reduce the data dimensionality in the chemical profiles of volatiles from three African nightshade plant species before subjecting the data to non-metric multidimensional scaling (NMDS). In addition, non-parametric methods namely permutational multivariate analysis of variance (PERMANOVA) and analysis of similarities (ANOSIM) were applied to test hypothesis of differences among the African nightshade species based on the volatiles profiles and ascertain the patterns revealed by NMDS plots. Our results revealed that there were significant differences among the African nightshade species when the data’s dimension was reduced using RF variable importance and SIMPER, as also supported by NMDS plots that showed S. scabrum being separated from S. villosum and S. sarrachoides based on the reduced data variables. The novelty of our work is on the merits of using data reduction techniques to successfully reveal differences in groups which could have otherwise not been the case if the analysis were performed on the entire original data matrix characterized by small samples. The R code used in the analysis has been shared herein for interested researchers to customise it for their own data of similar nature.