Intrusion detection systems(IDS)are essential in the field of cybersecurity because they protect networks from a wide range of online threats.The goal of this research is to meet the urgent need for small-footprint,hi...Intrusion detection systems(IDS)are essential in the field of cybersecurity because they protect networks from a wide range of online threats.The goal of this research is to meet the urgent need for small-footprint,highly-adaptable Network Intrusion Detection Systems(NIDS)that can identify anomalies.The NSL-KDD dataset is used in the study;it is a sizable collection comprising 43 variables with the label’s“attack”and“level.”It proposes a novel approach to intrusion detection based on the combination of channel attention and convolutional neural networks(CNN).Furthermore,this dataset makes it easier to conduct a thorough assessment of the suggested intrusion detection strategy.Furthermore,maintaining operating efficiency while improving detection accuracy is the primary goal of this work.Moreover,typical NIDS examines both risky and typical behavior using a variety of techniques.On the NSL-KDD dataset,our CNN-based approach achieves an astounding 99.728%accuracy rate when paired with channel attention.Compared to previous approaches such as ensemble learning,CNN,RBM(Boltzmann machine),ANN,hybrid auto-encoders with CNN,MCNN,and ANN,and adaptive algorithms,our solution significantly improves intrusion detection performance.Moreover,the results highlight the effectiveness of our suggested method in improving intrusion detection precision,signifying a noteworthy advancement in this field.Subsequent efforts will focus on strengthening and expanding our approach in order to counteract growing cyberthreats and adjust to changing network circumstances.展开更多
To address the challenges of high complexity,poor real-time performance,and low detection rates for small target vehicles in existing vehicle object detection algorithms,this paper proposes a real-time lightweight arc...To address the challenges of high complexity,poor real-time performance,and low detection rates for small target vehicles in existing vehicle object detection algorithms,this paper proposes a real-time lightweight architecture based on You Only Look Once(YOLO)v5m.Firstly,a lightweight upsampling operator called Content-Aware Reassembly of Features(CARAFE)is introduced in the feature fusion layer of the network to maximize the extraction of deep-level features for small target vehicles,reducing the missed detection rate and false detection rate.Secondly,a new prediction layer for tiny targets is added,and the feature fusion network is redesigned to enhance the detection capability for small targets.Finally,this paper applies L1 regularization to train the improved network,followed by pruning and fine-tuning operations to remove redundant channels,reducing computational and parameter complexity and enhancing the detection efficiency of the network.Training is conducted on the VisDrone2019-DET dataset.The experimental results show that the proposed algorithmreduces parameters and computation by 63.8% and 65.8%,respectively.The average detection accuracy improves by 5.15%,and the detection speed reaches 47 images per second,satisfying real-time requirements.Compared with existing approaches,including YOLOv5m and classical vehicle detection algorithms,our method achieves higher accuracy and faster speed for real-time detection of small target vehicles in edge computing.展开更多
Vehicle detection plays a crucial role in the field of autonomous driving technology.However,directly applying deep learning-based object detection algorithms to complex road scene images often leads to subpar perform...Vehicle detection plays a crucial role in the field of autonomous driving technology.However,directly applying deep learning-based object detection algorithms to complex road scene images often leads to subpar performance and slow inference speeds in vehicle detection.Achieving a balance between accuracy and detection speed is crucial for real-time object detection in real-world road scenes.This paper proposes a high-precision and fast vehicle detector called the feature-guided bidirectional pyramid network(FBPN).Firstly,to tackle challenges like vehicle occlusion and significant background interference,the efficient feature filtering module(EFFM)is introduced into the deep network,which amplifies the disparities between the features of the vehicle and the background.Secondly,the proposed global attention localization module(GALM)in the model neck effectively perceives the detailed position information of the target,improving both the accuracy and inference speed of themodel.Finally,the detection accuracy of small-scale vehicles is further enhanced through the utilization of a four-layer feature pyramid structure.Experimental results show that FBPN achieves an average precision of 60.8% and 97.8% on the BDD100K and KITTI datasets,respectively,with inference speeds reaching 344.83 frames/s and 357.14 frames/s.FBPN demonstrates its effectiveness and superiority by striking a balance between detection accuracy and inference speed,outperforming several state-of-the-art methods.展开更多
Network intrusion detection systems(NIDS)based on deep learning have continued to make significant advances.However,the following challenges remain:on the one hand,simply applying only Temporal Convolutional Networks(...Network intrusion detection systems(NIDS)based on deep learning have continued to make significant advances.However,the following challenges remain:on the one hand,simply applying only Temporal Convolutional Networks(TCNs)can lead to models that ignore the impact of network traffic features at different scales on the detection performance.On the other hand,some intrusion detection methods considermulti-scale information of traffic data,but considering only forward network traffic information can lead to deficiencies in capturing multi-scale temporal features.To address both of these issues,we propose a hybrid Convolutional Neural Network that supports a multi-output strategy(BONUS)for industrial internet intrusion detection.First,we create a multiscale Temporal Convolutional Network by stacking TCN of different scales to capture the multiscale information of network traffic.Meanwhile,we propose a bi-directional structure and dynamically set the weights to fuse the forward and backward contextual information of network traffic at each scale to enhance the model’s performance in capturing the multi-scale temporal features of network traffic.In addition,we introduce a gated network for each of the two branches in the proposed method to assist the model in learning the feature representation of each branch.Extensive experiments reveal the effectiveness of the proposed approach on two publicly available traffic intrusion detection datasets named UNSW-NB15 and NSL-KDD with F1 score of 85.03% and 99.31%,respectively,which also validates the effectiveness of enhancing the model’s ability to capture multi-scale temporal features of traffic data on detection performance.展开更多
The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed...The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed Denial of Service(DDoS)attacks triggered by botnets,have resulted in information leakage and property damage.Therefore,developing an efficient and realistic intrusion detection system(IDS)is critical for ensuring IoT network security.In recent years,traditional machine learning techniques have struggled to learn the complex associations between multidimensional features in network traffic,and the excellent performance of deep learning techniques,as an advanced version of machine learning,has led to their widespread application in intrusion detection.In this paper,we propose an Adaptive Particle Swarm Optimization Convolutional Neural Network Squeeze-andExcitation(APSO-CNN-SE)model for implementing IoT network intrusion detection.A 2D CNN backbone is initially constructed to extract spatial features from network traffic.Subsequently,a squeeze-and-excitation channel attention mechanism is introduced and embedded into the CNN to focus on critical feature channels.Lastly,the weights and biases in the CNN-SE are extracted to initialize the population individuals of the APSO.As the number of iterations increases,the population’s position vector is continuously updated,and the cross-entropy loss function value is minimized to produce the ideal network architecture.We evaluated the models experimentally using binary and multiclassification on the UNSW-NB15 and NSL-KDD datasets,comparing and analyzing the evaluation metrics derived from each model.Compared to the base CNN model,the results demonstrate that APSO-CNNSE enhances the binary classification detection accuracy by 1.84%and 3.53%and the multiclassification detection accuracy by 1.56%and 2.73%on the two datasets,respectively.Additionally,the model outperforms the existing models like DT,KNN,LR,SVM,LSTM,etc.,in terms of accuracy and fitting performance.This means that the model can identify potential attacks or anomalies more precisely,improving the overall security and stability of the IoT environment.展开更多
Acoustic source localization(ASL)and sound event detection(SED)are two widely pursued independent research fields.In recent years,in order to achieve a more complete spatial and temporal representation of sound field,...Acoustic source localization(ASL)and sound event detection(SED)are two widely pursued independent research fields.In recent years,in order to achieve a more complete spatial and temporal representation of sound field,sound event localization and detection(SELD)has become a very active research topic.This paper presents a deep learning-based multioverlapping sound event localization and detection algorithm in three-dimensional space.Log-Mel spectrum and generalized cross-correlation spectrum are joined together in channel dimension as input features.These features are classified and regressed in parallel after training by a neural network to obtain sound recognition and localization results respectively.The channel attention mechanism is also introduced in the network to selectively enhance the features containing essential information and suppress the useless features.Finally,a thourough comparison confirms the efficiency and effectiveness of the proposed SELD algorithm.Field experiments show that the proposed algorithm is robust to reverberation and environment and can achieve higher recognition and localization accuracy compared with the baseline method.展开更多
The extra-large scale multiple-input multiple-output(XL-MIMO)for the beyond fifth/sixth generation mobile communications is a promising technology to provide Tbps data transmission and stable access service.However,th...The extra-large scale multiple-input multiple-output(XL-MIMO)for the beyond fifth/sixth generation mobile communications is a promising technology to provide Tbps data transmission and stable access service.However,the extremely large antenna array aperture arouses the channel near-field effect,resulting in the deteriorated data rate and other challenges in the practice communication systems.Meanwhile,multi-panel MIMO technology has attracted extensive attention due to its flexible configuration,low hardware cost,and wider coverage.By combining the XL-MIMO and multi-panel array structure,we construct multi-panel XL-MIMO and apply it to massive Internet of Things(IoT)access.First,we model the multi-panel XL-MIMO-based near-field channels for massive IoT access scenarios,where the electromagnetic waves corresponding to different panels have different angles of arrival/departure(AoAs/AoDs).Then,by exploiting the sparsity of the near-field massive IoT access channels,we formulate a compressed sensing based joint active user detection(AUD)and channel estimation(CE)problem which is solved by AMP-EM-MMV algorithm.The simulation results exhibit the superiority of the AMP-EM-MMV based joint AUD and CE scheme over the baseline algorithms.展开更多
The current High-Speed Railway(HSR)communications increasingly fail to satisfy the massive access services of numerous user equipment brought by the increasing number of people traveling by HSRs.To this end,this paper...The current High-Speed Railway(HSR)communications increasingly fail to satisfy the massive access services of numerous user equipment brought by the increasing number of people traveling by HSRs.To this end,this paper investigates millimeter-Wave(mmWave)extra-large scale(XL)-MIMO-based massive Internet-of-Things(loT)access in near-field HSR communications,and proposes a block simultaneous orthogonal matching pursuit(B-SOMP)-based Active User Detection(AUD)and Channel Estimation(CE)scheme by exploiting the spatial block sparsity of the XLMIMO-based massive access channels.Specifically,we first model the uplink mmWave XL-MIMO channels,which exhibit the near-field propagation characteristics of electromagnetic signals and the spatial non-stationarity of mmWave XL-MIMO arrays.By exploiting the spatial block sparsity and common frequency-domain sparsity pattern of massive access channels,the joint AUD and CE problem can be then formulated as a Multiple Measurement Vectors Compressive Sensing(MIMV-CS)problem.Based on the designed sensing matrix,a B-SOMP algorithm is proposed to achieve joint AUD and CE.Finally,simulation results show that the proposed solution can obtain a better AUD and CE performance than the conventional CS-based scheme for massive IoT access in near-field HSR communications.展开更多
In this paper,we propose a joint channel estimation and symbol detection(JCESD)algorithm relying on message-passing algorithms(MPA)for orthogonal frequency division multiple access(OFDMA)systems.The channel estimation...In this paper,we propose a joint channel estimation and symbol detection(JCESD)algorithm relying on message-passing algorithms(MPA)for orthogonal frequency division multiple access(OFDMA)systems.The channel estimation and symbol detection leverage the framework of expectation propagation(EP)and belief propagation(BP)with the aid of Gaussian approximation,respectively.Furthermore,to reduce the computation complexity involved in channel estimation,the matrix inversion is transformed into a series of diagonal matrix inversions through the Sherman-Morrison formula.Simulation experiments show that the proposed algorithm can reduce the pilot overhead by about 50%,compared with the traditional linear minimum mean square error(LMMSE)algorithm,and can approach to the bit error rate(BER)performance bound of perfectly known channel state information within 0.1 dB.展开更多
Despite extensive research, timing channels (TCs) are still known as a principal category of threats that aim to leak and transmit information by perturbing the timing or ordering of events. Existing TC detection appr...Despite extensive research, timing channels (TCs) are still known as a principal category of threats that aim to leak and transmit information by perturbing the timing or ordering of events. Existing TC detection approaches use either signature-based approaches to detect known TCs or anomaly-based approach by modeling the legitimate network traffic in order to detect unknown TCs. Un-fortunately, in a software-defined networking (SDN) environment, most existing TC detection approaches would fail due to factors such as volatile network traffic, imprecise timekeeping mechanisms, and dynamic network topology. Furthermore, stealthy TCs can be designed to mimic the legitimate traffic pattern and thus evade anomalous TC detection. In this paper, we overcome the above challenges by presenting a novel framework that harnesses the advantages of elastic re-sources in the cloud. In particular, our framework dynamically configures SDN to enable/disable differential analysis against outbound network flows of different virtual machines (VMs). Our framework is tightly coupled with a new metric that first decomposes the timing data of network flows into a number of using the discrete wavelet-based multi-resolution transform (DWMT). It then applies the Kullback-Leibler divergence (KLD) to measure the variance among flow pairs. The appealing feature of our approach is that, compared with the existing anomaly detection approaches, it can detect most existing and some new stealthy TCs without legitimate traffic for modeling, even with the presence of noise and imprecise timekeeping mechanism in an SDN virtual environment. We implement our framework as a prototype system, OBSERVER, which can be dynamically deployed in an SDN environment. Empirical evaluation shows that our approach can efficiently detect TCs with a higher detection rate, lower latency, and negligible performance overhead compared to existing approaches.展开更多
Nowadays,the rapid development of edge computing has driven an increasing number of deep learning applications deployed at the edge of the network,such as pedestrian and vehicle detection,to provide efficient intellig...Nowadays,the rapid development of edge computing has driven an increasing number of deep learning applications deployed at the edge of the network,such as pedestrian and vehicle detection,to provide efficient intelligent services to mobile users.However,as the accuracy requirements continue to increase,the components of deep learning models for pedestrian and vehicle detection,such as YOLOv4,become more sophisticated and the computing resources required for model training are increasing dramatically,which in turn leads to significant challenges in achieving effective deployment on resource-constrained edge devices while ensuring the high accuracy performance.For addressing this challenge,a cloud-edge collaboration-based pedestrian and vehicle detection framework is proposed in this paper,which enables sufficient training of models by utilizing the abundant computing resources in the cloud,and then deploying the well-trained models on edge devices,thus reducing the computing resource requirements for model training on edge devices.Furthermore,to reduce the size of the model deployed on edge devices,an automatic pruning method combines the convolution layer and BN layer is proposed to compress the pedestrian and vehicle detection model size.Experimental results show that the framework proposed in this paper is able to deploy the pruned model on a real edge device,Jetson TX2,with 6.72 times higher FPS.Meanwhile,the channel pruning reduces the volume and the number of parameters to 96.77%for the model,and the computing amount is reduced to 81.37%.展开更多
With the improvement of image editing technology,the threshold of image tampering technology decreases,which leads to a decrease in the authenticity of image content.This has also driven research on image forgery dete...With the improvement of image editing technology,the threshold of image tampering technology decreases,which leads to a decrease in the authenticity of image content.This has also driven research on image forgery detection techniques.In this paper,a U-Net with multiple sensory field feature extraction(MSCU-Net)for image forgery detection is proposed.The proposed MSCU-Net is an end-to-end image essential attribute segmentation network that can perform image forgery detection without any pre-processing or post-processing.MSCU-Net replaces the single-scale convolution module in the original network with an improved multiple perceptual field convolution module so that the decoder can synthesize the features of different perceptual fields use residual propagation and residual feedback to recall the input feature information and consolidate the input feature information to make the difference in image attributes between the untampered and tampered regions more obvious,and introduce the channel coordinate confusion attention mechanism(CCCA)in skip-connection to further improve the segmentation accuracy of the network.In this paper,extensive experiments are conducted on various mainstream datasets,and the results verify the effectiveness of the proposed method,which outperforms the state-of-the-art image forgery detection methods.展开更多
The highly dynamic channel(HDC)in an extremely dynamic environment mainly has fast timevarying nonstationary characteristics.In this article,we focus on the most difficult HDC case,where the channel coherence time is ...The highly dynamic channel(HDC)in an extremely dynamic environment mainly has fast timevarying nonstationary characteristics.In this article,we focus on the most difficult HDC case,where the channel coherence time is less than the symbol period.To this end,we propose a symbol detector based on a long short-term memory(LSTM)neural network.Taking the sampling sequence of each received symbol as the LSTM unit's input data has the advantage of making full use of received information to obtain better performance.In addition,using the basic expansion model(BEM)as the preprocessing unit significantly reduces the number of neural network parameters.Finally,the simulation part uses the highly dynamic plasma sheath channel(HDPSC)data measured from shock tube experiments.The results show that the proposed BEM-LSTM-based detector has better performance and does not require channel estimation or channel model information.展开更多
Cognitive Wireless Mesh Networks(CWMN) is a novel wireless network which combines the advantage of Cognitive Radio(CR) and wireless mesh networks.CWMN can realize seamless in-tegration of heterogeneous wireless networ...Cognitive Wireless Mesh Networks(CWMN) is a novel wireless network which combines the advantage of Cognitive Radio(CR) and wireless mesh networks.CWMN can realize seamless in-tegration of heterogeneous wireless networks and achieve better radio resource utilization.However,it is particularly vulnerable due to its features of open medium,dynamic spectrum,dynamic topology,and multi-top routing,etc..Being a dynamic positive security strategy,intrusion detection can provide powerful safeguard to CWMN.In this paper,we introduce trust mechanism into CWMN with intrusion detection and present a trust establishment model based on intrusion detection.Node trust degree and the trust degree of data transmission channels between nodes are defined and an algorithm of calcu-lating trust degree is given based on distributed detection of attack to networks.A channel assignment and routing scheme is proposed,in which selects the trusted nodes and allocates data channel with high trust degree for the transmission between neighbor nodes to establish a trusted route.Simulation re-sults indicate that the scheme can vary channel allocation and routing dynamically according to network security state so as to avoid suspect nodes and unsafe channels,and improve the packet safe delivery fraction effectively.展开更多
This paper addresses a computationally compact and statistically optimal joint Maximum a Posteriori(MAP)algorithm for channel estimation and data detection in the presence of Phase Noise(PHN)in iterative Orthogonal Fr...This paper addresses a computationally compact and statistically optimal joint Maximum a Posteriori(MAP)algorithm for channel estimation and data detection in the presence of Phase Noise(PHN)in iterative Orthogonal Frequency Division Multiplexing(OFDM)receivers used for high speed and high spectral efficient wireless communication systems.The MAP cost function for joint estimation and detection is derived and optimized further with the proposed cyclic gradient descent optimization algorithm.The proposed joint estimation and detection algorithm relaxes the restriction of small PHN assumptions and utilizes the prior statistical knowledge of PHN spectral components to produce a statistically optimal solution.The frequency-domain estimation of Channel Transfer Function(CTF)in frequency selective fading makes the method simpler,compared with the estimation of Channel Impulse Response(CIR)in the time domain.Two different time-varying PHN models,produced by Free Running Oscillator(FRO)and Phase-Locked Loop(PLL)oscillator,are presented and compared for performance difference with proposed OFDM receiver.Simulation results for joint MAP channel estimation are compared with Cramer-Rao Lower Bound(CRLB),and the simulation results for joint MAP data detection are compared with“NO PHN"performance to demonstrate that the proposed joint MAP estimation and detection algorithm achieve near-optimum performance even under multipath channel fading.展开更多
A new channel estimation and data detection joint algorithm is proposed for multi-input multi-output (MIMO) - orthogonal frequency division multiplexing (OFDM) system using linear minimum mean square error (LMMSE...A new channel estimation and data detection joint algorithm is proposed for multi-input multi-output (MIMO) - orthogonal frequency division multiplexing (OFDM) system using linear minimum mean square error (LMMSE)- based space-alternating generalized expectation-maximization (SAGE) algorithm. In the proposed algorithm, every sub-frame of the MIMO-OFDM system is divided into some OFDM sub-blocks and the LMMSE-based SAGE algorithm in each sub-block is used. At the head of each sub-flame, we insert training symbols which are used in the initial estimation at the beginning. Channel estimation of the previous sub-block is applied to the initial estimation in the current sub-block by the maximum-likelihood (ML) detection to update channel estimatjon and data detection by iteration until converge. Then all the sub-blocks can be finished in turn. Simulation results show that the proposed algorithm can improve the bit error rate (BER) performance.展开更多
Superconducting nanowire single-photon detectors(SNSPDs) have attracted considerable attention owing to their excellent detection performance;however, the underlying physics of the detection process is still unclear.I...Superconducting nanowire single-photon detectors(SNSPDs) have attracted considerable attention owing to their excellent detection performance;however, the underlying physics of the detection process is still unclear.In this study, we investigate the wavelength dependence of the intrinsic detection efficiency(IDE) for NbN SNSPDs.We fabricate various NbN SNSPDs with linewidths ranging from 30 nm to 140 nm.Then, for each detector, the IDE curves as a function of bias current for different incident photon wavelengths of 510–1700 nm are obtained.From the IDE curves, the relations between photon energy and bias current at a certain IDE are extracted.The results exhibit clear nonlinear energy–current relations for the NbN detectors, indicating that a detection model only considering quasiparticle diffusion is unsuitable for the meander-type NbN-based SNSPDs.Our work provides additional experimental data on SNSPD detection mechanism and may serve as an interesting reference for further investigation.展开更多
Coexistence and interoperability between 20 MHz and 40 MHz device and modes of op-erations are stressed in standard IEEE 802.11n system.It is mandate to report the both sub-channels states to Medium Access Control(MAC...Coexistence and interoperability between 20 MHz and 40 MHz device and modes of op-erations are stressed in standard IEEE 802.11n system.It is mandate to report the both sub-channels states to Medium Access Control(MAC) at receiver,since for 40 MHz device,it should serve not only 20 MHz but also 40 MHz signals receiving.Both energy detection and carrier sense are employed to detect channel state.In the case of 20/40 M mode,the power difference between the two sub-channels is also detected in order to report the channel state accurately.The simulation results demonstrate that the performance of the proposed methods are much better than the methods which just employ energy detection.Besides,the simulation results show that the proposed methods ensure that the channel sensing is not a roadblock of IEEE 802.11n system design.展开更多
The simplified joint channel estimation and symbol detection based on the EM (expectation-maximization) algorithm for space-time block code (STBC) are proposed. By assuming channel to be invariant within only one STBC...The simplified joint channel estimation and symbol detection based on the EM (expectation-maximization) algorithm for space-time block code (STBC) are proposed. By assuming channel to be invariant within only one STBC word and utilizing the orthogonal structure of STBC, the computational complexity and cost of this algorithm are both very low, so it is very suitable to implementation in real systems.展开更多
The problem of soft-input so,output ( SISO ) detection for time-varying frequency-selec- tive fading channels is considered. Based on a suitably-designed factor graph and the sum-product al- gorithm, a low-complexit...The problem of soft-input so,output ( SISO ) detection for time-varying frequency-selec- tive fading channels is considered. Based on a suitably-designed factor graph and the sum-product al- gorithm, a low-complexity iterative message passing scheme is proposed for joint channel estima- tion, equalization and decoding. Two kinds of schedules (parallel and serial) are adopted in message updates to produce two algorithms with different latency. The computational complexity per iteration of the proposed algorithms grows only linearly with the channel length, which is a significantly de- crease compared to the optimal maximum a posteriori (MAP) detection with the exponential com- plexity. Computer simulations demonstrate the effectiveness of the proposed schemes in terms of bit error rate performance.展开更多
基金The authors would like to thank Princess Nourah bint Abdulrahman University for funding this project through the Researchers Supporting Project(PNURSP2023R319)this research was funded by the Prince Sultan University,Riyadh,Saudi Arabia.
文摘Intrusion detection systems(IDS)are essential in the field of cybersecurity because they protect networks from a wide range of online threats.The goal of this research is to meet the urgent need for small-footprint,highly-adaptable Network Intrusion Detection Systems(NIDS)that can identify anomalies.The NSL-KDD dataset is used in the study;it is a sizable collection comprising 43 variables with the label’s“attack”and“level.”It proposes a novel approach to intrusion detection based on the combination of channel attention and convolutional neural networks(CNN).Furthermore,this dataset makes it easier to conduct a thorough assessment of the suggested intrusion detection strategy.Furthermore,maintaining operating efficiency while improving detection accuracy is the primary goal of this work.Moreover,typical NIDS examines both risky and typical behavior using a variety of techniques.On the NSL-KDD dataset,our CNN-based approach achieves an astounding 99.728%accuracy rate when paired with channel attention.Compared to previous approaches such as ensemble learning,CNN,RBM(Boltzmann machine),ANN,hybrid auto-encoders with CNN,MCNN,and ANN,and adaptive algorithms,our solution significantly improves intrusion detection performance.Moreover,the results highlight the effectiveness of our suggested method in improving intrusion detection precision,signifying a noteworthy advancement in this field.Subsequent efforts will focus on strengthening and expanding our approach in order to counteract growing cyberthreats and adjust to changing network circumstances.
基金funded by the General Project of Key Research and Develop-ment Plan of Shaanxi Province(No.2022NY-087).
文摘To address the challenges of high complexity,poor real-time performance,and low detection rates for small target vehicles in existing vehicle object detection algorithms,this paper proposes a real-time lightweight architecture based on You Only Look Once(YOLO)v5m.Firstly,a lightweight upsampling operator called Content-Aware Reassembly of Features(CARAFE)is introduced in the feature fusion layer of the network to maximize the extraction of deep-level features for small target vehicles,reducing the missed detection rate and false detection rate.Secondly,a new prediction layer for tiny targets is added,and the feature fusion network is redesigned to enhance the detection capability for small targets.Finally,this paper applies L1 regularization to train the improved network,followed by pruning and fine-tuning operations to remove redundant channels,reducing computational and parameter complexity and enhancing the detection efficiency of the network.Training is conducted on the VisDrone2019-DET dataset.The experimental results show that the proposed algorithmreduces parameters and computation by 63.8% and 65.8%,respectively.The average detection accuracy improves by 5.15%,and the detection speed reaches 47 images per second,satisfying real-time requirements.Compared with existing approaches,including YOLOv5m and classical vehicle detection algorithms,our method achieves higher accuracy and faster speed for real-time detection of small target vehicles in edge computing.
基金funded by Ministry of Science and Technology of the People’s Republic of China,Grant Numbers 2022YFC3800502Chongqing Science and Technology Commission,Grant Number cstc2020jscx-dxwtBX0019,CSTB2022TIAD-KPX0118,cstc2020jscx-cylhX0005 and cstc2021jscx-gksbX0058.
文摘Vehicle detection plays a crucial role in the field of autonomous driving technology.However,directly applying deep learning-based object detection algorithms to complex road scene images often leads to subpar performance and slow inference speeds in vehicle detection.Achieving a balance between accuracy and detection speed is crucial for real-time object detection in real-world road scenes.This paper proposes a high-precision and fast vehicle detector called the feature-guided bidirectional pyramid network(FBPN).Firstly,to tackle challenges like vehicle occlusion and significant background interference,the efficient feature filtering module(EFFM)is introduced into the deep network,which amplifies the disparities between the features of the vehicle and the background.Secondly,the proposed global attention localization module(GALM)in the model neck effectively perceives the detailed position information of the target,improving both the accuracy and inference speed of themodel.Finally,the detection accuracy of small-scale vehicles is further enhanced through the utilization of a four-layer feature pyramid structure.Experimental results show that FBPN achieves an average precision of 60.8% and 97.8% on the BDD100K and KITTI datasets,respectively,with inference speeds reaching 344.83 frames/s and 357.14 frames/s.FBPN demonstrates its effectiveness and superiority by striking a balance between detection accuracy and inference speed,outperforming several state-of-the-art methods.
基金sponsored by the Autonomous Region Key R&D Task Special(2022B01008)the National Key R&D Program of China(SQ2022AAA010308-5).
文摘Network intrusion detection systems(NIDS)based on deep learning have continued to make significant advances.However,the following challenges remain:on the one hand,simply applying only Temporal Convolutional Networks(TCNs)can lead to models that ignore the impact of network traffic features at different scales on the detection performance.On the other hand,some intrusion detection methods considermulti-scale information of traffic data,but considering only forward network traffic information can lead to deficiencies in capturing multi-scale temporal features.To address both of these issues,we propose a hybrid Convolutional Neural Network that supports a multi-output strategy(BONUS)for industrial internet intrusion detection.First,we create a multiscale Temporal Convolutional Network by stacking TCN of different scales to capture the multiscale information of network traffic.Meanwhile,we propose a bi-directional structure and dynamically set the weights to fuse the forward and backward contextual information of network traffic at each scale to enhance the model’s performance in capturing the multi-scale temporal features of network traffic.In addition,we introduce a gated network for each of the two branches in the proposed method to assist the model in learning the feature representation of each branch.Extensive experiments reveal the effectiveness of the proposed approach on two publicly available traffic intrusion detection datasets named UNSW-NB15 and NSL-KDD with F1 score of 85.03% and 99.31%,respectively,which also validates the effectiveness of enhancing the model’s ability to capture multi-scale temporal features of traffic data on detection performance.
基金the National Natural Science Foundation of China“Research on the Evidence Chain Construction from the Analysis of the Investigation Documents(62166006)”the Natural Science Foundation of Guizhou Province under Grant[2020]1Y254.
文摘The surge in connected devices and massive data aggregation has expanded the scale of the Internet of Things(IoT)networks.The proliferation of unknown attacks and related risks,such as zero-day attacks and Distributed Denial of Service(DDoS)attacks triggered by botnets,have resulted in information leakage and property damage.Therefore,developing an efficient and realistic intrusion detection system(IDS)is critical for ensuring IoT network security.In recent years,traditional machine learning techniques have struggled to learn the complex associations between multidimensional features in network traffic,and the excellent performance of deep learning techniques,as an advanced version of machine learning,has led to their widespread application in intrusion detection.In this paper,we propose an Adaptive Particle Swarm Optimization Convolutional Neural Network Squeeze-andExcitation(APSO-CNN-SE)model for implementing IoT network intrusion detection.A 2D CNN backbone is initially constructed to extract spatial features from network traffic.Subsequently,a squeeze-and-excitation channel attention mechanism is introduced and embedded into the CNN to focus on critical feature channels.Lastly,the weights and biases in the CNN-SE are extracted to initialize the population individuals of the APSO.As the number of iterations increases,the population’s position vector is continuously updated,and the cross-entropy loss function value is minimized to produce the ideal network architecture.We evaluated the models experimentally using binary and multiclassification on the UNSW-NB15 and NSL-KDD datasets,comparing and analyzing the evaluation metrics derived from each model.Compared to the base CNN model,the results demonstrate that APSO-CNNSE enhances the binary classification detection accuracy by 1.84%and 3.53%and the multiclassification detection accuracy by 1.56%and 2.73%on the two datasets,respectively.Additionally,the model outperforms the existing models like DT,KNN,LR,SVM,LSTM,etc.,in terms of accuracy and fitting performance.This means that the model can identify potential attacks or anomalies more precisely,improving the overall security and stability of the IoT environment.
基金supported by the National Natural Science Foundation of China(61877067)the Foundation of Science and Technology on Near-Surface Detection Laboratory(TCGZ2019A002,TCGZ2021C003,6142414200511)the Natural Science Basic Research Program of Shaanxi(2021JZ-19)。
文摘Acoustic source localization(ASL)and sound event detection(SED)are two widely pursued independent research fields.In recent years,in order to achieve a more complete spatial and temporal representation of sound field,sound event localization and detection(SELD)has become a very active research topic.This paper presents a deep learning-based multioverlapping sound event localization and detection algorithm in three-dimensional space.Log-Mel spectrum and generalized cross-correlation spectrum are joined together in channel dimension as input features.These features are classified and regressed in parallel after training by a neural network to obtain sound recognition and localization results respectively.The channel attention mechanism is also introduced in the network to selectively enhance the features containing essential information and suppress the useless features.Finally,a thourough comparison confirms the efficiency and effectiveness of the proposed SELD algorithm.Field experiments show that the proposed algorithm is robust to reverberation and environment and can achieve higher recognition and localization accuracy compared with the baseline method.
基金supported by National Key Research and Development Program of China under Grants 2021YFB1600500,2021YFB3201502,and 2022YFB3207704Natural Science Foundation of China(NSFC)under Grants U2233216,62071044,61827901,62088101 and 62201056+1 种基金supported by Shandong Province Natural Science Foundation under Grant ZR2022YQ62supported by Beijing Nova Program,Beijing Institute of Technology Research Fund Program for Young Scholars under grant XSQD-202121009.
文摘The extra-large scale multiple-input multiple-output(XL-MIMO)for the beyond fifth/sixth generation mobile communications is a promising technology to provide Tbps data transmission and stable access service.However,the extremely large antenna array aperture arouses the channel near-field effect,resulting in the deteriorated data rate and other challenges in the practice communication systems.Meanwhile,multi-panel MIMO technology has attracted extensive attention due to its flexible configuration,low hardware cost,and wider coverage.By combining the XL-MIMO and multi-panel array structure,we construct multi-panel XL-MIMO and apply it to massive Internet of Things(IoT)access.First,we model the multi-panel XL-MIMO-based near-field channels for massive IoT access scenarios,where the electromagnetic waves corresponding to different panels have different angles of arrival/departure(AoAs/AoDs).Then,by exploiting the sparsity of the near-field massive IoT access channels,we formulate a compressed sensing based joint active user detection(AUD)and channel estimation(CE)problem which is solved by AMP-EM-MMV algorithm.The simulation results exhibit the superiority of the AMP-EM-MMV based joint AUD and CE scheme over the baseline algorithms.
基金supported in part by the Natural Science Foundation of China(NSFC)under Grant 62071044 and Grant 62088101in part by the Shandong Province Natural Science Foundation under Grant ZR2022YQ62in part by the Beijing Nova Program.
文摘The current High-Speed Railway(HSR)communications increasingly fail to satisfy the massive access services of numerous user equipment brought by the increasing number of people traveling by HSRs.To this end,this paper investigates millimeter-Wave(mmWave)extra-large scale(XL)-MIMO-based massive Internet-of-Things(loT)access in near-field HSR communications,and proposes a block simultaneous orthogonal matching pursuit(B-SOMP)-based Active User Detection(AUD)and Channel Estimation(CE)scheme by exploiting the spatial block sparsity of the XLMIMO-based massive access channels.Specifically,we first model the uplink mmWave XL-MIMO channels,which exhibit the near-field propagation characteristics of electromagnetic signals and the spatial non-stationarity of mmWave XL-MIMO arrays.By exploiting the spatial block sparsity and common frequency-domain sparsity pattern of massive access channels,the joint AUD and CE problem can be then formulated as a Multiple Measurement Vectors Compressive Sensing(MIMV-CS)problem.Based on the designed sensing matrix,a B-SOMP algorithm is proposed to achieve joint AUD and CE.Finally,simulation results show that the proposed solution can obtain a better AUD and CE performance than the conventional CS-based scheme for massive IoT access in near-field HSR communications.
文摘In this paper,we propose a joint channel estimation and symbol detection(JCESD)algorithm relying on message-passing algorithms(MPA)for orthogonal frequency division multiple access(OFDMA)systems.The channel estimation and symbol detection leverage the framework of expectation propagation(EP)and belief propagation(BP)with the aid of Gaussian approximation,respectively.Furthermore,to reduce the computation complexity involved in channel estimation,the matrix inversion is transformed into a series of diagonal matrix inversions through the Sherman-Morrison formula.Simulation experiments show that the proposed algorithm can reduce the pilot overhead by about 50%,compared with the traditional linear minimum mean square error(LMMSE)algorithm,and can approach to the bit error rate(BER)performance bound of perfectly known channel state information within 0.1 dB.
文摘Despite extensive research, timing channels (TCs) are still known as a principal category of threats that aim to leak and transmit information by perturbing the timing or ordering of events. Existing TC detection approaches use either signature-based approaches to detect known TCs or anomaly-based approach by modeling the legitimate network traffic in order to detect unknown TCs. Un-fortunately, in a software-defined networking (SDN) environment, most existing TC detection approaches would fail due to factors such as volatile network traffic, imprecise timekeeping mechanisms, and dynamic network topology. Furthermore, stealthy TCs can be designed to mimic the legitimate traffic pattern and thus evade anomalous TC detection. In this paper, we overcome the above challenges by presenting a novel framework that harnesses the advantages of elastic re-sources in the cloud. In particular, our framework dynamically configures SDN to enable/disable differential analysis against outbound network flows of different virtual machines (VMs). Our framework is tightly coupled with a new metric that first decomposes the timing data of network flows into a number of using the discrete wavelet-based multi-resolution transform (DWMT). It then applies the Kullback-Leibler divergence (KLD) to measure the variance among flow pairs. The appealing feature of our approach is that, compared with the existing anomaly detection approaches, it can detect most existing and some new stealthy TCs without legitimate traffic for modeling, even with the presence of noise and imprecise timekeeping mechanism in an SDN virtual environment. We implement our framework as a prototype system, OBSERVER, which can be dynamically deployed in an SDN environment. Empirical evaluation shows that our approach can efficiently detect TCs with a higher detection rate, lower latency, and negligible performance overhead compared to existing approaches.
基金supported by Key-Area Research and Development Program of Guangdong Province(2021B0101420002)the Major Key Project of PCL(PCL2021A09)+3 种基金National Natural Science Foundation of China(62072187)Guangdong Major Project of Basic and Applied Basic Research(2019B030302002)Guangdong Marine Economic Development Special Fund Project(GDNRC[2022]17)Guangzhou Development Zone Science and Technology(2021GH10,2020GH10).
文摘Nowadays,the rapid development of edge computing has driven an increasing number of deep learning applications deployed at the edge of the network,such as pedestrian and vehicle detection,to provide efficient intelligent services to mobile users.However,as the accuracy requirements continue to increase,the components of deep learning models for pedestrian and vehicle detection,such as YOLOv4,become more sophisticated and the computing resources required for model training are increasing dramatically,which in turn leads to significant challenges in achieving effective deployment on resource-constrained edge devices while ensuring the high accuracy performance.For addressing this challenge,a cloud-edge collaboration-based pedestrian and vehicle detection framework is proposed in this paper,which enables sufficient training of models by utilizing the abundant computing resources in the cloud,and then deploying the well-trained models on edge devices,thus reducing the computing resource requirements for model training on edge devices.Furthermore,to reduce the size of the model deployed on edge devices,an automatic pruning method combines the convolution layer and BN layer is proposed to compress the pedestrian and vehicle detection model size.Experimental results show that the framework proposed in this paper is able to deploy the pruned model on a real edge device,Jetson TX2,with 6.72 times higher FPS.Meanwhile,the channel pruning reduces the volume and the number of parameters to 96.77%for the model,and the computing amount is reduced to 81.37%.
基金supported in part by the National Natural Science Foundation of China(Grant Number 61971078)Chongqing University of Technology Graduate Innovation Foundation(Grant Number gzlcx20222064).
文摘With the improvement of image editing technology,the threshold of image tampering technology decreases,which leads to a decrease in the authenticity of image content.This has also driven research on image forgery detection techniques.In this paper,a U-Net with multiple sensory field feature extraction(MSCU-Net)for image forgery detection is proposed.The proposed MSCU-Net is an end-to-end image essential attribute segmentation network that can perform image forgery detection without any pre-processing or post-processing.MSCU-Net replaces the single-scale convolution module in the original network with an improved multiple perceptual field convolution module so that the decoder can synthesize the features of different perceptual fields use residual propagation and residual feedback to recall the input feature information and consolidate the input feature information to make the difference in image attributes between the untampered and tampered regions more obvious,and introduce the channel coordinate confusion attention mechanism(CCCA)in skip-connection to further improve the segmentation accuracy of the network.In this paper,extensive experiments are conducted on various mainstream datasets,and the results verify the effectiveness of the proposed method,which outperforms the state-of-the-art image forgery detection methods.
基金supported in part by the National Key R&D Program of China under Grant 2020YFA0711301in part by the National Natural Science Foundation of China(No.61941104,62101292,61922049)。
文摘The highly dynamic channel(HDC)in an extremely dynamic environment mainly has fast timevarying nonstationary characteristics.In this article,we focus on the most difficult HDC case,where the channel coherence time is less than the symbol period.To this end,we propose a symbol detector based on a long short-term memory(LSTM)neural network.Taking the sampling sequence of each received symbol as the LSTM unit's input data has the advantage of making full use of received information to obtain better performance.In addition,using the basic expansion model(BEM)as the preprocessing unit significantly reduces the number of neural network parameters.Finally,the simulation part uses the highly dynamic plasma sheath channel(HDPSC)data measured from shock tube experiments.The results show that the proposed BEM-LSTM-based detector has better performance and does not require channel estimation or channel model information.
基金Supported by the National High Technology Research and Development Program (No. 2009AA011504)
文摘Cognitive Wireless Mesh Networks(CWMN) is a novel wireless network which combines the advantage of Cognitive Radio(CR) and wireless mesh networks.CWMN can realize seamless in-tegration of heterogeneous wireless networks and achieve better radio resource utilization.However,it is particularly vulnerable due to its features of open medium,dynamic spectrum,dynamic topology,and multi-top routing,etc..Being a dynamic positive security strategy,intrusion detection can provide powerful safeguard to CWMN.In this paper,we introduce trust mechanism into CWMN with intrusion detection and present a trust establishment model based on intrusion detection.Node trust degree and the trust degree of data transmission channels between nodes are defined and an algorithm of calcu-lating trust degree is given based on distributed detection of attack to networks.A channel assignment and routing scheme is proposed,in which selects the trusted nodes and allocates data channel with high trust degree for the transmission between neighbor nodes to establish a trusted route.Simulation re-sults indicate that the scheme can vary channel allocation and routing dynamically according to network security state so as to avoid suspect nodes and unsafe channels,and improve the packet safe delivery fraction effectively.
文摘This paper addresses a computationally compact and statistically optimal joint Maximum a Posteriori(MAP)algorithm for channel estimation and data detection in the presence of Phase Noise(PHN)in iterative Orthogonal Frequency Division Multiplexing(OFDM)receivers used for high speed and high spectral efficient wireless communication systems.The MAP cost function for joint estimation and detection is derived and optimized further with the proposed cyclic gradient descent optimization algorithm.The proposed joint estimation and detection algorithm relaxes the restriction of small PHN assumptions and utilizes the prior statistical knowledge of PHN spectral components to produce a statistically optimal solution.The frequency-domain estimation of Channel Transfer Function(CTF)in frequency selective fading makes the method simpler,compared with the estimation of Channel Impulse Response(CIR)in the time domain.Two different time-varying PHN models,produced by Free Running Oscillator(FRO)and Phase-Locked Loop(PLL)oscillator,are presented and compared for performance difference with proposed OFDM receiver.Simulation results for joint MAP channel estimation are compared with Cramer-Rao Lower Bound(CRLB),and the simulation results for joint MAP data detection are compared with“NO PHN"performance to demonstrate that the proposed joint MAP estimation and detection algorithm achieve near-optimum performance even under multipath channel fading.
基金Supported by the National Natural Science Foundation of China (No. 61001105), the National Science and Technology Major Projects (No. 2011ZX03001- 007- 03) and Beijing Natural Science Foundation (No. 4102043).
文摘A new channel estimation and data detection joint algorithm is proposed for multi-input multi-output (MIMO) - orthogonal frequency division multiplexing (OFDM) system using linear minimum mean square error (LMMSE)- based space-alternating generalized expectation-maximization (SAGE) algorithm. In the proposed algorithm, every sub-frame of the MIMO-OFDM system is divided into some OFDM sub-blocks and the LMMSE-based SAGE algorithm in each sub-block is used. At the head of each sub-flame, we insert training symbols which are used in the initial estimation at the beginning. Channel estimation of the previous sub-block is applied to the initial estimation in the current sub-block by the maximum-likelihood (ML) detection to update channel estimatjon and data detection by iteration until converge. Then all the sub-blocks can be finished in turn. Simulation results show that the proposed algorithm can improve the bit error rate (BER) performance.
基金Project supported by the National Key R&D Program of China(Grant No.2017YFA0304000)the National Natural Science Foundation of China(Grant Nos.61671438 and 61827823)+2 种基金the Science and Technology Commission of Shanghai Municipality,China(Grant No.16JC1400402)Program of Shanghai Academic/Technology Research Leader,China(Grant No.18XD1404600)the Joint Research Fund in Astronomy(Grant No.U1631240)under Cooperative Agreement between the NSFC and the Chinese Academy of Sciences
文摘Superconducting nanowire single-photon detectors(SNSPDs) have attracted considerable attention owing to their excellent detection performance;however, the underlying physics of the detection process is still unclear.In this study, we investigate the wavelength dependence of the intrinsic detection efficiency(IDE) for NbN SNSPDs.We fabricate various NbN SNSPDs with linewidths ranging from 30 nm to 140 nm.Then, for each detector, the IDE curves as a function of bias current for different incident photon wavelengths of 510–1700 nm are obtained.From the IDE curves, the relations between photon energy and bias current at a certain IDE are extracted.The results exhibit clear nonlinear energy–current relations for the NbN detectors, indicating that a detection model only considering quasiparticle diffusion is unsuitable for the meander-type NbN-based SNSPDs.Our work provides additional experimental data on SNSPD detection mechanism and may serve as an interesting reference for further investigation.
文摘Coexistence and interoperability between 20 MHz and 40 MHz device and modes of op-erations are stressed in standard IEEE 802.11n system.It is mandate to report the both sub-channels states to Medium Access Control(MAC) at receiver,since for 40 MHz device,it should serve not only 20 MHz but also 40 MHz signals receiving.Both energy detection and carrier sense are employed to detect channel state.In the case of 20/40 M mode,the power difference between the two sub-channels is also detected in order to report the channel state accurately.The simulation results demonstrate that the performance of the proposed methods are much better than the methods which just employ energy detection.Besides,the simulation results show that the proposed methods ensure that the channel sensing is not a roadblock of IEEE 802.11n system design.
基金This project was supported by the National Natural Science Foundation of China (60272079).
文摘The simplified joint channel estimation and symbol detection based on the EM (expectation-maximization) algorithm for space-time block code (STBC) are proposed. By assuming channel to be invariant within only one STBC word and utilizing the orthogonal structure of STBC, the computational complexity and cost of this algorithm are both very low, so it is very suitable to implementation in real systems.
基金Supported by the National Natural Science Foundation of China(61201181)Specialized Research Fund for the Doctoral Program of Higher Education(20121101120020)the Co-innovation Laboratory of Aerospace Broadband Network Technology
文摘The problem of soft-input so,output ( SISO ) detection for time-varying frequency-selec- tive fading channels is considered. Based on a suitably-designed factor graph and the sum-product al- gorithm, a low-complexity iterative message passing scheme is proposed for joint channel estima- tion, equalization and decoding. Two kinds of schedules (parallel and serial) are adopted in message updates to produce two algorithms with different latency. The computational complexity per iteration of the proposed algorithms grows only linearly with the channel length, which is a significantly de- crease compared to the optimal maximum a posteriori (MAP) detection with the exponential com- plexity. Computer simulations demonstrate the effectiveness of the proposed schemes in terms of bit error rate performance.