Structural damage detection(SDD)remains highly challenging,due to the difficulty in selecting the optimal damage features from a vast amount of information.In this study,a tree model-based method using decision tree a...Structural damage detection(SDD)remains highly challenging,due to the difficulty in selecting the optimal damage features from a vast amount of information.In this study,a tree model-based method using decision tree and random forest was employed for feature selection of vibration response signals in SDD.Signal datasets were obtained by numerical experiments and vibration experiments,respectively.Dataset features extracted using this method were input into a convolutional neural network to determine the location of structural damage.Results indicated a 5%to 10%improvement in detection accuracy compared to using original datasets without feature selection,demonstrating the feasibility of this method.The proposed method,based on tree model and classification,addresses the issue of extracting effective information from numerous vibration response signals in structural health monitoring.展开更多
In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted...In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted from the original image.Then,candidate object windows are input into the improved CNN model to obtain deep features.Finally,the deep features are input into the Softmax and the confidence scores of classes are obtained.The candidate object window with the highest confidence score is selected as the object recognition result.Based on AlexNet,Inception V1 is introduced into the improved CNN and the fully connected layer is replaced by the average pooling layer,which widens the network and deepens the network at the same time.Experimental results show that the improved object recognition algorithm can obtain better recognition results in multiple natural scene images,and has a higher degree of accuracy than the classical algorithms in the field of object recognition.展开更多
Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requiremen...Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requirements in terms of recognition accuracy.Therefore,ShuffleNetV2 was improved by combining the current hot concern mechanism,convolution kernel size adjustment,convolution tailoring,and CSP technology to improve the accuracy and reduce the amount of computation in this study.Six convolutional neural network models with sufficient trainable parameters were designed for differentiation learning.The SGD algorithm is used to optimize the training process to avoid overfitting or falling into the local optimum.In this paper,a conventional plant image dataset TJAU10 collected by cell phones in a natural context was constructed,containing 3000 images of 10 plant species on the campus of Tianjin Agricultural University.Finally,the improved model is compared with the baseline version of the model,which achieves better results in terms of improving accuracy and reducing the computational effort.The recognition accuracy tested on the TJAU10 dataset reaches up to 98.3%,and the recognition precision reaches up to 93.6%,which is 5.1%better than the original model and reduces the computational effort by about 31%compared with the original model.In addition,the experimental results were evaluated using metrics such as the confusion matrix,which can meet the requirements of professionals for the accurate identification of plant species.展开更多
Traditional fire smoke detection methods mostly rely on manual algorithm extraction and sensor detection;however,these methods are slow and expensive to achieve discrimination.We proposed an improved convolutional neu...Traditional fire smoke detection methods mostly rely on manual algorithm extraction and sensor detection;however,these methods are slow and expensive to achieve discrimination.We proposed an improved convolutional neural network(CNN)to achieve fast analysis.The improved CNN can be used to liberate manpower.The network does not require complicated manual feature extraction to identify forest fire smoke.First,to alleviate the computational pressure and speed up the discrimination efficiency,kernel principal component analysis was performed on the experimental data set.To improve the robustness of the CNN and to avoid overfitting,optimization strategies were applied in multi-convolution kernels and batch normalization to improve loss functions.The experimental analysis shows that the CNN proposed in this study can learn the feature information automatically for smoke images in the early stages of fire automatically with a high recognition rate.As a result,the improved CNN enriches the theory of smoke discrimination in the early stages of a forest fire.展开更多
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.展开更多
Different devices in the recent era generated a vast amount of digital video.Generally,it has been seen in recent years that people are forging the video to use it as proof of evidence in the court of justice.Many kin...Different devices in the recent era generated a vast amount of digital video.Generally,it has been seen in recent years that people are forging the video to use it as proof of evidence in the court of justice.Many kinds of researches on forensic detection have been presented,and it provides less accuracy.This paper proposed a novel forgery detection technique in image frames of the videos using enhanced Convolutional Neural Network(CNN).In the initial stage,the input video is taken as of the dataset and then converts the videos into image frames.Next,perform pre-sampling using the Adaptive Rood Pattern Search(ARPS)algorithm intended for reducing the useless frames.In the next stage,perform preprocessing for enhancing the image frames.Then,face detection is done as of the image utilizing the Viola-Jones algorithm.Finally,the improved Crow Search Algorithm(ICSA)has been used to select the extorted features and inputted to the Enhanced Convolutional Neural Network(ECNN)classifier for detecting the forged image frames.The experimental outcome of the proposed system has achieved 97.21%accuracy compared to other existing methods.展开更多
There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilize...There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.展开更多
With the rapid development of the Internet of Things(IoT),all kinds of data are increasing exponentially.Data storage and computing on cloud servers are increasingly restricted by hardware.This has prompted the develo...With the rapid development of the Internet of Things(IoT),all kinds of data are increasing exponentially.Data storage and computing on cloud servers are increasingly restricted by hardware.This has prompted the development of fog computing.Fog computing is to place the calculation and storage of data at the edge of the network,so that the entire Internet of Things system can run more efficiently.The main function of fog computing is to reduce the burden of cloud servers.By placing fog nodes in the IoT network,the data in the IoT devices can be transferred to the fog nodes for storage and calculation.Many of the information collected by IoT devices are malicious traffic,which contains a large number of malicious attacks.Because IoT devices do not have strong computing power and the ability to detect malicious traffic,we need to deploy a system to detect malicious attacks on the fog node.In response to this situation,we propose an intrusion detection system based on distributed ensemble design.The system mainly uses Convolutional Neural Network(CNN)as the first-level learner.In the second level,the random forest will finally classify the prediction results obtained in the first level.This paper uses the UNSW-NB15 dataset to evaluate the performance of the model.Experimental results show that the model has good detection performance for most attacks.展开更多
As deep learning techniques such as Convolutional Neural Networks(CNNs)are widely adopted,the complexity of CNNs is rapidly increasing due to the growing demand for CNN accelerator system-on-chip(SoC).Although convent...As deep learning techniques such as Convolutional Neural Networks(CNNs)are widely adopted,the complexity of CNNs is rapidly increasing due to the growing demand for CNN accelerator system-on-chip(SoC).Although conventional CNN accelerators can reduce the computational time of learning and inference tasks,they tend to occupy large chip areas due to many multiply-and-accumulate(MAC)operators when implemented in complex digital circuits,incurring excessive power consumption.To overcome these drawbacks,this work implements an analog convolutional filter consisting of an analog multiply-and-accumulate arithmetic circuit along with an analog-to-digital converter(ADC).This paper introduces the architecture of an analog convolutional kernel comprised of low-power ultra-small circuits for neural network accelerator chips.ADC is an essential component of the analog convolutional kernel used to convert the analog convolutional result to digital values to be stored in memory.This work presents the implementation of a highly low-power and area-efficient 12-bit Successive Approximation Register(SAR)ADC.Unlink most other SAR-ADCs with differential structure;the proposed ADC employs a single-ended capacitor array to support the preceding single-ended max-pooling circuit along with minimal power consumption.The SARADCimplementation also introduces a unique circuit that reduces kick-back noise to increase performance.It was implemented in a test chip using a 55 nm CMOS process.It demonstrates that the proposed ADC reduces Kick-back noise by 40%and consequently improves the ADC’s resolution by about 10%while providing a near rail-to-rail dynamic rangewith significantly lower power consumption than conventional ADCs.The ADC test chip shows a chip size of 4600μm^(2)with a power consumption of 6.6μW while providing an signal-to-noise-and-distortion ratio(SNDR)of 68.45 dB,corresponding to an effective number of bits(ENOB)of 11.07 bits.展开更多
The proliferation of Internet of Things(IoT)technology has exponentially increased the number of devices interconnected over networks,thereby escalating the potential vectors for cybersecurity threats.In response,this...The proliferation of Internet of Things(IoT)technology has exponentially increased the number of devices interconnected over networks,thereby escalating the potential vectors for cybersecurity threats.In response,this study rigorously applies and evaluates deep learning models—namely Convolutional Neural Networks(CNN),Autoencoders,and Long Short-Term Memory(LSTM)networks—to engineer an advanced Intrusion Detection System(IDS)specifically designed for IoT environments.Utilizing the comprehensive UNSW-NB15 dataset,which encompasses 49 distinct features representing varied network traffic characteristics,our methodology focused on meticulous data preprocessing including cleaning,normalization,and strategic feature selection to enhance model performance.A robust comparative analysis highlights the CNN model’s outstanding performance,achieving an accuracy of 99.89%,precision of 99.90%,recall of 99.88%,and an F1 score of 99.89%in binary classification tasks,outperforming other evaluated models significantly.These results not only confirm the superior detection capabilities of CNNs in distinguishing between benign and malicious network activities but also illustrate the model’s effectiveness in multiclass classification tasks,addressing various attack vectors prevalent in IoT setups.The empirical findings from this research demonstrate deep learning’s transformative potential in fortifying network security infrastructures against sophisticated cyber threats,providing a scalable,high-performance solution that enhances security measures across increasingly complex IoT ecosystems.This study’s outcomes are critical for security practitioners and researchers focusing on the next generation of cyber defense mechanisms,offering a data-driven foundation for future advancements in IoT security strategies.展开更多
Accurate ultra-short-term photovoltaic(PV)power forecasting is crucial for mitigating variations caused by PV power generation and ensuring the stable and efficient operation of power grids.To capture intricate tempor...Accurate ultra-short-term photovoltaic(PV)power forecasting is crucial for mitigating variations caused by PV power generation and ensuring the stable and efficient operation of power grids.To capture intricate temporal relationships and enhance the precision of multi-step time forecast,this paper introduces an innovative approach for ultra-short-term photovoltaic(PV)power prediction,leveraging an enhanced Temporal Convolutional Neural Network(TCN)architecture and feature modeling.First,this study introduces a method employing the Spearman coefficient for meteorological feature filtration.Integrated with three-dimensional PV panel modeling,key factors influencing PV power generation are identified and prioritized.Second,the analysis of the correlation coefficient between astronomical features and PV power prediction demonstrates the theoretical substantiation for the practicality and essentiality of incorporating astronomical features.Third,an enhanced TCN model is introduced,augmenting the original TCN structure with a projection head layer to enhance its capacity for learning and expressing nonlinear features.Meanwhile,a new rolling timing network mechanism is constructed to guarantee the segmentation prediction of future long-time output sequences.Multiple experiments demonstrate the superior performance of the proposed forecasting method compared to existing models.The accuracy of PV power prediction in the next 4 hours,devoid of meteorological conditions,increases by 20.5%.Furthermore,incorporating shortwave radiation for predictions over 4 hours,2 hours,and 1 hour enhances accuracy by 11.1%,9.1%,and 8.8%,respectively.展开更多
基金supported by the Project of Guangdong Province High Level University Construction for Guangdong University of Technology(Grant No.262519003)the College Student Innovation Training Program of Guangdong University of Technology(Grant Nos.S202211845154 and xj2023118450384).
文摘Structural damage detection(SDD)remains highly challenging,due to the difficulty in selecting the optimal damage features from a vast amount of information.In this study,a tree model-based method using decision tree and random forest was employed for feature selection of vibration response signals in SDD.Signal datasets were obtained by numerical experiments and vibration experiments,respectively.Dataset features extracted using this method were input into a convolutional neural network to determine the location of structural damage.Results indicated a 5%to 10%improvement in detection accuracy compared to using original datasets without feature selection,demonstrating the feasibility of this method.The proposed method,based on tree model and classification,addresses the issue of extracting effective information from numerous vibration response signals in structural health monitoring.
基金Supported by the National Natural Science Foundation of China(61701029)Basic Research Foundation of Beijing Institute of Technology(20170542008)Industry-University Research Innovation Foundation of the Science and Technology Development Center of the Ministry of Education(2018A02012)。
文摘In order to accomplish the task of object recognition in natural scenes,a new object recognition algorithm based on an improved convolutional neural network(CNN)is proposed.First,candidate object windows are extracted from the original image.Then,candidate object windows are input into the improved CNN model to obtain deep features.Finally,the deep features are input into the Softmax and the confidence scores of classes are obtained.The candidate object window with the highest confidence score is selected as the object recognition result.Based on AlexNet,Inception V1 is introduced into the improved CNN and the fully connected layer is replaced by the average pooling layer,which widens the network and deepens the network at the same time.Experimental results show that the improved object recognition algorithm can obtain better recognition results in multiple natural scene images,and has a higher degree of accuracy than the classical algorithms in the field of object recognition.
基金supported by the Key Project Supported by Science and Technology of Tianjin Key Research and Development Plan[Grant No.20YFZCSN00220]Tianjin Science and Technology Plan Project[Grant No.21YFSNSN00040]+1 种基金Central Government Guides Local Science and Technology Development Project[Grant No.21ZYCGSN00590]Inner Mongolia Autonomous Region Department of Science and Technology Project[Grant No.2020GG0068].
文摘Plant species recognition is an important research area in image recognition in recent years.However,the existing plant species recognition methods have low recognition accuracy and do not meet professional requirements in terms of recognition accuracy.Therefore,ShuffleNetV2 was improved by combining the current hot concern mechanism,convolution kernel size adjustment,convolution tailoring,and CSP technology to improve the accuracy and reduce the amount of computation in this study.Six convolutional neural network models with sufficient trainable parameters were designed for differentiation learning.The SGD algorithm is used to optimize the training process to avoid overfitting or falling into the local optimum.In this paper,a conventional plant image dataset TJAU10 collected by cell phones in a natural context was constructed,containing 3000 images of 10 plant species on the campus of Tianjin Agricultural University.Finally,the improved model is compared with the baseline version of the model,which achieves better results in terms of improving accuracy and reducing the computational effort.The recognition accuracy tested on the TJAU10 dataset reaches up to 98.3%,and the recognition precision reaches up to 93.6%,which is 5.1%better than the original model and reduces the computational effort by about 31%compared with the original model.In addition,the experimental results were evaluated using metrics such as the confusion matrix,which can meet the requirements of professionals for the accurate identification of plant species.
基金National Natural Science Foundation of China(31670717)Natural Science Foundation of Heilongjiang Province(LH2020C051)。
文摘Traditional fire smoke detection methods mostly rely on manual algorithm extraction and sensor detection;however,these methods are slow and expensive to achieve discrimination.We proposed an improved convolutional neural network(CNN)to achieve fast analysis.The improved CNN can be used to liberate manpower.The network does not require complicated manual feature extraction to identify forest fire smoke.First,to alleviate the computational pressure and speed up the discrimination efficiency,kernel principal component analysis was performed on the experimental data set.To improve the robustness of the CNN and to avoid overfitting,optimization strategies were applied in multi-convolution kernels and batch normalization to improve loss functions.The experimental analysis shows that the CNN proposed in this study can learn the feature information automatically for smoke images in the early stages of fire automatically with a high recognition rate.As a result,the improved CNN enriches the theory of smoke discrimination in the early stages of a forest fire.
文摘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.
文摘Different devices in the recent era generated a vast amount of digital video.Generally,it has been seen in recent years that people are forging the video to use it as proof of evidence in the court of justice.Many kinds of researches on forensic detection have been presented,and it provides less accuracy.This paper proposed a novel forgery detection technique in image frames of the videos using enhanced Convolutional Neural Network(CNN).In the initial stage,the input video is taken as of the dataset and then converts the videos into image frames.Next,perform pre-sampling using the Adaptive Rood Pattern Search(ARPS)algorithm intended for reducing the useless frames.In the next stage,perform preprocessing for enhancing the image frames.Then,face detection is done as of the image utilizing the Viola-Jones algorithm.Finally,the improved Crow Search Algorithm(ICSA)has been used to select the extorted features and inputted to the Enhanced Convolutional Neural Network(ECNN)classifier for detecting the forged image frames.The experimental outcome of the proposed system has achieved 97.21%accuracy compared to other existing methods.
基金supported by the Shanghai Sailing Program,China (No.20YF1447600)the Research Start-Up Project of Shanghai Institute of Technology (No.YJ2021-60)+1 种基金the Collaborative Innovation Project of Shanghai Institute of Technology (No.XTCX2020-12)the Science and Technology Talent Development Fund for Young and Middle-Aged Teachers at Shanghai Institute of Technology (No.ZQ2022-6)。
文摘There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms.
基金supported in part by the Beijing Natural Science Foundation (No.4212015)Natural Science Foundation of China (No.61801008)+2 种基金China Ministry of Education China Mobile Scientific Research Foundation (No.MCM20200102)China Postdoctoral Science Foundation (No.2020M670074)Beijing Municipal Commission of Education Foundation (No.KM201910005025).
文摘With the rapid development of the Internet of Things(IoT),all kinds of data are increasing exponentially.Data storage and computing on cloud servers are increasingly restricted by hardware.This has prompted the development of fog computing.Fog computing is to place the calculation and storage of data at the edge of the network,so that the entire Internet of Things system can run more efficiently.The main function of fog computing is to reduce the burden of cloud servers.By placing fog nodes in the IoT network,the data in the IoT devices can be transferred to the fog nodes for storage and calculation.Many of the information collected by IoT devices are malicious traffic,which contains a large number of malicious attacks.Because IoT devices do not have strong computing power and the ability to detect malicious traffic,we need to deploy a system to detect malicious attacks on the fog node.In response to this situation,we propose an intrusion detection system based on distributed ensemble design.The system mainly uses Convolutional Neural Network(CNN)as the first-level learner.In the second level,the random forest will finally classify the prediction results obtained in the first level.This paper uses the UNSW-NB15 dataset to evaluate the performance of the model.Experimental results show that the model has good detection performance for most attacks.
基金This work was supported by the National Research Foundation of Korea(NRF)grant funded by theKorea government(MSIT)(No.2022R1A5A8026986)and supported by Institute of Information&communications Technology Planning&Evaluation(IITP)grant funded by the Korea government(MSIT)(No.2020-0-01304,Development of Self-learnable Mobile Recursive Neural Network Processor Technology)+3 种基金It was also supported by the MSIT(Ministry of Science and ICT),Korea,under the Grand Information Technology Research Center support program(IITP-2022-2020-0-01462)supervised by the“IITP(Institute for Information&communications Technology Planning&Evaluation)”supported by the National Research Foundation of Korea(NRF)grant funded by the Korea government(MSIT)(No.2021R1F1A1061314)In addition,this work was conducted during the research year of Chungbuk National University in 2020.
文摘As deep learning techniques such as Convolutional Neural Networks(CNNs)are widely adopted,the complexity of CNNs is rapidly increasing due to the growing demand for CNN accelerator system-on-chip(SoC).Although conventional CNN accelerators can reduce the computational time of learning and inference tasks,they tend to occupy large chip areas due to many multiply-and-accumulate(MAC)operators when implemented in complex digital circuits,incurring excessive power consumption.To overcome these drawbacks,this work implements an analog convolutional filter consisting of an analog multiply-and-accumulate arithmetic circuit along with an analog-to-digital converter(ADC).This paper introduces the architecture of an analog convolutional kernel comprised of low-power ultra-small circuits for neural network accelerator chips.ADC is an essential component of the analog convolutional kernel used to convert the analog convolutional result to digital values to be stored in memory.This work presents the implementation of a highly low-power and area-efficient 12-bit Successive Approximation Register(SAR)ADC.Unlink most other SAR-ADCs with differential structure;the proposed ADC employs a single-ended capacitor array to support the preceding single-ended max-pooling circuit along with minimal power consumption.The SARADCimplementation also introduces a unique circuit that reduces kick-back noise to increase performance.It was implemented in a test chip using a 55 nm CMOS process.It demonstrates that the proposed ADC reduces Kick-back noise by 40%and consequently improves the ADC’s resolution by about 10%while providing a near rail-to-rail dynamic rangewith significantly lower power consumption than conventional ADCs.The ADC test chip shows a chip size of 4600μm^(2)with a power consumption of 6.6μW while providing an signal-to-noise-and-distortion ratio(SNDR)of 68.45 dB,corresponding to an effective number of bits(ENOB)of 11.07 bits.
文摘The proliferation of Internet of Things(IoT)technology has exponentially increased the number of devices interconnected over networks,thereby escalating the potential vectors for cybersecurity threats.In response,this study rigorously applies and evaluates deep learning models—namely Convolutional Neural Networks(CNN),Autoencoders,and Long Short-Term Memory(LSTM)networks—to engineer an advanced Intrusion Detection System(IDS)specifically designed for IoT environments.Utilizing the comprehensive UNSW-NB15 dataset,which encompasses 49 distinct features representing varied network traffic characteristics,our methodology focused on meticulous data preprocessing including cleaning,normalization,and strategic feature selection to enhance model performance.A robust comparative analysis highlights the CNN model’s outstanding performance,achieving an accuracy of 99.89%,precision of 99.90%,recall of 99.88%,and an F1 score of 99.89%in binary classification tasks,outperforming other evaluated models significantly.These results not only confirm the superior detection capabilities of CNNs in distinguishing between benign and malicious network activities but also illustrate the model’s effectiveness in multiclass classification tasks,addressing various attack vectors prevalent in IoT setups.The empirical findings from this research demonstrate deep learning’s transformative potential in fortifying network security infrastructures against sophisticated cyber threats,providing a scalable,high-performance solution that enhances security measures across increasingly complex IoT ecosystems.This study’s outcomes are critical for security practitioners and researchers focusing on the next generation of cyber defense mechanisms,offering a data-driven foundation for future advancements in IoT security strategies.
基金supported by National Key Research and Development Program of China(Key Techniques of Adaptive Grid Integration and Active Synchronization for Extremely High Penetration Distributed Photovoltaic Power Generation,2022YFB2402900).
文摘Accurate ultra-short-term photovoltaic(PV)power forecasting is crucial for mitigating variations caused by PV power generation and ensuring the stable and efficient operation of power grids.To capture intricate temporal relationships and enhance the precision of multi-step time forecast,this paper introduces an innovative approach for ultra-short-term photovoltaic(PV)power prediction,leveraging an enhanced Temporal Convolutional Neural Network(TCN)architecture and feature modeling.First,this study introduces a method employing the Spearman coefficient for meteorological feature filtration.Integrated with three-dimensional PV panel modeling,key factors influencing PV power generation are identified and prioritized.Second,the analysis of the correlation coefficient between astronomical features and PV power prediction demonstrates the theoretical substantiation for the practicality and essentiality of incorporating astronomical features.Third,an enhanced TCN model is introduced,augmenting the original TCN structure with a projection head layer to enhance its capacity for learning and expressing nonlinear features.Meanwhile,a new rolling timing network mechanism is constructed to guarantee the segmentation prediction of future long-time output sequences.Multiple experiments demonstrate the superior performance of the proposed forecasting method compared to existing models.The accuracy of PV power prediction in the next 4 hours,devoid of meteorological conditions,increases by 20.5%.Furthermore,incorporating shortwave radiation for predictions over 4 hours,2 hours,and 1 hour enhances accuracy by 11.1%,9.1%,and 8.8%,respectively.