Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggre...Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggregation and embedding.However,in heterophilic graphs,nodes from different categories often establish connections,while nodes of the same category are located further apart in the graph topology.This characteristic poses challenges to traditional GNNs,leading to issues of“distant node modeling deficiency”and“failure of the homophily assumption”.In response,this paper introduces the Spatial-Frequency domain Adaptive Heterophilic Graph Neural Networks(SFA-HGNN),which integrates adaptive embedding mechanisms for both spatial and frequency domains to address the aforementioned issues.Specifically,for the first problem,we propose the“Distant Spatial Embedding Module”,aiming to select and aggregate distant nodes through high-order randomwalk transition probabilities to enhance modeling capabilities.For the second issue,we design the“Proximal Frequency Domain Embedding Module”,constructing adaptive filters to separate high and low-frequency signals of nodes,and introduce frequency-domain guided attention mechanisms to fuse the relevant information,thereby reducing the noise introduced by the failure of the homophily assumption.We deploy the SFA-HGNN on six publicly available heterophilic networks,achieving state-of-the-art results in four of them.Furthermore,we elaborate on the hyperparameter selection mechanism and validate the performance of each module through experimentation,demonstrating a positive correlation between“node structural similarity”,“node attribute vector similarity”,and“node homophily”in heterophilic networks.展开更多
Voice portrait technology has explored and established the relationship between speakers’ voices and their facialfeatures, aiming to generate corresponding facial characteristics by providing the voice of an unknown ...Voice portrait technology has explored and established the relationship between speakers’ voices and their facialfeatures, aiming to generate corresponding facial characteristics by providing the voice of an unknown speaker.Due to its powerful advantages in image generation, Generative Adversarial Networks (GANs) have now beenwidely applied across various fields. The existing Voice2Face methods for voice portraits are primarily based onGANs trained on voice-face paired datasets. However, voice portrait models solely constructed on GANs facelimitations in image generation quality and struggle to maintain facial similarity. Additionally, the training processis relatively unstable, thereby affecting the overall generative performance of the model. To overcome the abovechallenges,wepropose a novel deepGenerativeAdversarialNetworkmodel for audio-visual synthesis, namedAVPGAN(Attention-enhanced Voice Portrait Model using Generative Adversarial Network). This model is based ona convolutional attention mechanism and is capable of generating corresponding facial images from the voice ofan unknown speaker. Firstly, to address the issue of training instability, we integrate convolutional neural networkswith deep GANs. In the network architecture, we apply spectral normalization to constrain the variation of thediscriminator, preventing issues such as mode collapse. Secondly, to enhance the model’s ability to extract relevantfeatures between the two modalities, we propose a voice portrait model based on convolutional attention. Thismodel learns the mapping relationship between voice and facial features in a common space from both channeland spatial dimensions independently. Thirdly, to enhance the quality of generated faces, we have incorporated adegradation removal module and utilized pretrained facial GANs as facial priors to repair and enhance the clarityof the generated facial images. Experimental results demonstrate that our AVP-GAN achieved a cosine similarity of0.511, outperforming the performance of our comparison model, and effectively achieved the generation of highqualityfacial images corresponding to a speaker’s voice.展开更多
Crowd counting is a promising hotspot of computer vision involving crowd intelligence analysis,achieving tremendous success recently with the development of deep learning.However,there have been stillmany challenges i...Crowd counting is a promising hotspot of computer vision involving crowd intelligence analysis,achieving tremendous success recently with the development of deep learning.However,there have been stillmany challenges including crowd multi-scale variations and high network complexity,etc.To tackle these issues,a lightweight Resconnection multi-branch network(LRMBNet)for highly accurate crowd counting and localization is proposed.Specifically,using improved ShuffleNet V2 as the backbone,a lightweight shallow extractor has been designed by employing the channel compression mechanism to reduce enormously the number of network parameters.A light multi-branch structure with different expansion rate convolutions is demonstrated to extract multi-scale features and enlarged receptive fields,where the information transmission and fusion of diverse scale features is enhanced via residual concatenation.In addition,a compound loss function is introduced for training themethod to improve global context information correlation.The proposed method is evaluated on the SHHA,SHHB,UCF-QNRF and UCF_CC_50 public datasets.The accuracy is better than those of many advanced approaches,while the number of parameters is smaller.The experimental results show that the proposed method achieves a good tradeoff between the complexity and accuracy of crowd counting,indicating a lightweight and high-precision method for crowd counting.展开更多
We investigate the electronic structure of NbGeSb with non-symmorphic symmetry.We employ angle-resolved photoemission spectroscopy(ARPES)to observe and identify the bulk and surface states over the Brillouin zone.By u...We investigate the electronic structure of NbGeSb with non-symmorphic symmetry.We employ angle-resolved photoemission spectroscopy(ARPES)to observe and identify the bulk and surface states over the Brillouin zone.By utilizing high-energy photons,we identify the bulk Fermi surface and bulk nodal line along the direction X–R,while the Fermi surface of the surface state is observed by using low-energy photons.We observe the splitting of surface bands away from the high-symmetry point X.The density functional theory calculations on bulk and 1 to 5-layer slab models,as well as spin textures of NbGeSb,verify that the band splitting could be attributed to the Rashba-like spin–orbit coupling caused by space-inversion-symmetry breaking at the surface.These splitted surface bands cross with each other,forming two-dimensional Weyl-like crossings that are protected by mirror symmetry.Our findings provide insights into the two-dimensional topological and symmetry-protected band inversion of surface states.展开更多
Traffic characterization(e.g.,chat,video)and application identifi-cation(e.g.,FTP,Facebook)are two of the more crucial jobs in encrypted network traffic classification.These two activities are typically carried out se...Traffic characterization(e.g.,chat,video)and application identifi-cation(e.g.,FTP,Facebook)are two of the more crucial jobs in encrypted network traffic classification.These two activities are typically carried out separately by existing systems using separate models,significantly adding to the difficulty of network administration.Convolutional Neural Network(CNN)and Transformer are deep learning-based approaches for network traf-fic classification.CNN is good at extracting local features while ignoring long-distance information from the network traffic sequence,and Transformer can capture long-distance feature dependencies while ignoring local details.Based on these characteristics,a multi-task learning model that combines Transformer and 1D-CNN for encrypted traffic classification is proposed(MTC).In order to make up for the Transformer’s lack of local detail feature extraction capability and the 1D-CNN’s shortcoming of ignoring long-distance correlation information when processing traffic sequences,the model uses a parallel structure to fuse the features generated by the Transformer block and the 1D-CNN block with each other using a feature fusion block.This structure improved the representation of traffic features by both blocks and allows the model to perform well with both long and short length sequences.The model simultaneously handles multiple tasks,which lowers the cost of training.Experiments reveal that on the ISCX VPN-nonVPN dataset,the model achieves an average F1 score of 98.25%and an average recall of 98.30%for the task of identifying applications,and an average F1 score of 97.94%,and an average recall of 97.54%for the task of traffic characterization.When advanced models on the same dataset are chosen for comparison,the model produces the best results.To prove the generalization,we applied MTC to CICIDS2017 dataset,and our model also achieved good results.展开更多
In recent years,cyber attacks have been intensifying and causing great harm to individuals,companies,and countries.The mining of cyber threat intelligence(CTI)can facilitate intelligence integration and serve well in ...In recent years,cyber attacks have been intensifying and causing great harm to individuals,companies,and countries.The mining of cyber threat intelligence(CTI)can facilitate intelligence integration and serve well in combating cyber attacks.Named Entity Recognition(NER),as a crucial component of text mining,can structure complex CTI text and aid cybersecurity professionals in effectively countering threats.However,current CTI NER research has mainly focused on studying English CTI.In the limited studies conducted on Chinese text,existing models have shown poor performance.To fully utilize the power of Chinese pre-trained language models(PLMs)and conquer the problem of lengthy infrequent English words mixing in the Chinese CTIs,we propose a residual dilated convolutional neural network(RDCNN)with a conditional random field(CRF)based on a robustly optimized bidirectional encoder representation from transformers pre-training approach with whole word masking(RoBERTa-wwm),abbreviated as RoBERTa-wwm-RDCNN-CRF.We are the first to experiment on the relevant open source dataset and achieve an F1-score of 82.35%,which exceeds the common baseline model bidirectional encoder representation from transformers(BERT)-bidirectional long short-term memory(BiLSTM)-CRF in this field by about 19.52%and exceeds the current state-of-the-art model,BERT-RDCNN-CRF,by about 3.53%.In addition,we conducted an ablation study on the encoder part of the model to verify the effectiveness of the proposed model and an in-depth investigation of the PLMs and encoder part of the model to verify the effectiveness of the proposed model.The RoBERTa-wwm-RDCNN-CRF model,the shared pre-processing,and augmentation methods can serve the subsequent fundamental tasks such as cybersecurity information extraction and knowledge graph construction,contributing to important applications in downstream tasks such as intrusion detection and advanced persistent threat(APT)attack detection.展开更多
Thefilter-x least mean square(FxLMS)algorithm is widely used in active noise control(ANC)systems.However,because the algorithm is a feedback control algorithm based on the minimization of the error signal variance to ...Thefilter-x least mean square(FxLMS)algorithm is widely used in active noise control(ANC)systems.However,because the algorithm is a feedback control algorithm based on the minimization of the error signal variance to update thefilter coefficients,it has a certain delay,usually has a slow convergence speed,and the system response time is long and easily affected by the learning rate leading to the lack of system stability,which often fails to achieve the desired control effect in practice.In this paper,we propose an active control algorithm with near-est-neighbor trap structure and neural network feedback mechanism to reduce the coefficient update time of the FxLMS algorithm and use the neural network feedback mechanism to realize the parameter update,which is called NNR-BPFxLMS algorithm.In the paper,the schematic diagram of the feedback control is given,and the performance of the algorithm is analyzed.Under various noise conditions,it is shown by simulation and experiment that the NNR-BPFxLMS algorithm has the following three advantages:in terms of performance,it has higher noise reduction under the same number of sampling points,i.e.,it has faster convergence speed,and by computer simulation and sound pipe experiment,for simple ideal line spectrum noise,compared with the convergence speed of NNR-BPFxLMS is improved by more than 95%compared with FxLMS algorithm,and the convergence speed of real noise is also improved by more than 70%.In terms of stability,NNR-BPFxLMS is insensitive to step size changes.In terms of tracking performance,its algorithm responds quickly to sudden changes in the noise spectrum and can cope with the complex control requirements of sudden changes in the noise spectrum.展开更多
Distributed Denial of Service(DDoS)attacks have always been a major concern in the security field.With the release of malware source codes such as BASHLITE and Mirai,Internet of Things(IoT)devices have become the new ...Distributed Denial of Service(DDoS)attacks have always been a major concern in the security field.With the release of malware source codes such as BASHLITE and Mirai,Internet of Things(IoT)devices have become the new source of DDoS attacks against many Internet applications.Although there are many datasets in the field of IoT intrusion detection,such as Bot-IoT,ConstrainedApplication Protocol–Denial of Service(CoAPDoS),and LATAM-DDoS-IoT(some of the names of DDoS datasets),which mainly focus on DDoS attacks,the datasets describing new IoT DDoS attack scenarios are extremely rare,and only N-BaIoT and IoT-23 datasets used IoT devices as DDoS attackers in the construction process,while they did not use Internet applications as victims either.To supplement the description of the new trend of DDoS attacks in the dataset,we built an IoT environment with mainstream DDoS attack tools such as Mirai and BASHLITE being used to infect IoT devices and implement DDoS attacks against WEB servers.Then,data aggregated into a dataset namedMBB-IoTwere captured atWEBservers and IoT nodes.After the MBB-IoT dataset was split into a training set and a test set,it was applied to the training and testing of the Random Forests classification algorithm.The multi-class classification metrics were good and all above 90%.Secondly,in a cross-evaluation experiment based on Support Vector Machine(SVM),Light Gradient Boosting Machine(LightGBM),and Long Short Term Memory networks(LSTM)classification algorithms,the training set and test set were derived from different datasets(MBB-IoT or IoT-23),and the test performance is better when MBB-IoT is used as the training set.展开更多
Face forgery detection is drawing ever-increasing attention in the academic community owing to security concerns.Despite the considerable progress in existing methods,we note that:Previous works overlooked finegrain f...Face forgery detection is drawing ever-increasing attention in the academic community owing to security concerns.Despite the considerable progress in existing methods,we note that:Previous works overlooked finegrain forgery cues with high transferability.Such cues positively impact the model’s accuracy and generalizability.Moreover,single-modality often causes overfitting of the model,and Red-Green-Blue(RGB)modal-only is not conducive to extracting the more detailed forgery traces.We propose a novel framework for fine-grain forgery cues mining with fusion modality to cope with these issues.First,we propose two functional modules to reveal and locate the deeper forged features.Our method locates deeper forgery cues through a dual-modality progressive fusion module and a noise adaptive enhancement module,which can excavate the association between dualmodal space and channels and enhance the learning of subtle noise features.A sensitive patch branch is introduced on this foundation to enhance the mining of subtle forgery traces under fusion modality.The experimental results demonstrate that our proposed framework can desirably explore the differences between authentic and forged images with supervised learning.Comprehensive evaluations of several mainstream datasets show that our method outperforms the state-of-the-art detection methods with remarkable detection ability and generalizability.展开更多
Rapid development of deepfake technology led to the spread of forged audios and videos across network platforms,presenting risks for numerous countries,societies,and individuals,and posing a serious threat to cyberspa...Rapid development of deepfake technology led to the spread of forged audios and videos across network platforms,presenting risks for numerous countries,societies,and individuals,and posing a serious threat to cyberspace security.To address the problem of insufficient extraction of spatial features and the fact that temporal features are not considered in the deepfake video detection,we propose a detection method based on improved CapsNet and temporal–spatial features(iCapsNet–TSF).First,the dynamic routing algorithm of CapsNet is improved using weight initialization and updating.Then,the optical flow algorithm is used to extract interframe temporal features of the videos to form a dataset of temporal–spatial features.Finally,the iCapsNet model is employed to fully learn the temporal–spatial features of facial videos,and the results are fused.Experimental results show that the detection accuracy of iCapsNet–TSF reaches 94.07%,98.83%,and 98.50%on the Celeb-DF,FaceSwap,and Deepfakes datasets,respectively,displaying a better performance than most existing mainstream algorithms.The iCapsNet–TSF method combines the capsule network and the optical flow algorithm,providing a novel strategy for the deepfake detection,which is of great significance to the prevention of deepfake attacks and the preservation of cyberspace security.展开更多
The dark web is a shadow area hidden in the depths of the Internet,which is difficult to access through common search engines.Because of its anonymity,the dark web has gradually become a hotbed for a variety of cyber-...The dark web is a shadow area hidden in the depths of the Internet,which is difficult to access through common search engines.Because of its anonymity,the dark web has gradually become a hotbed for a variety of cyber-crimes.Although some research based on machine learning or deep learning has been shown to be effective in the task of analyzing dark web traffic in recent years,there are still pain points such as low accuracy,insufficient real-time performance,and limited application scenarios.Aiming at the difficulties faced by the existing automated dark web traffic analysis methods,a novel method named Dark-Forest to analyze the behavior of dark web traffic is proposed.In this method,firstly,particle swarm optimization algorithm is used to filter the redundant features of dark web traffic data,which can effectively shorten the training and inference time of the model to meet the realtime requirements of dark web detection task.Then,the selected features of traffic are analyzed and classified using the DeepForest model as a backbone classifier.The comparison experiment with the current mainstream methods shows that Dark-Forest takes into account the advantages of statistical machine learning and deep learning,and achieves an accuracy rate of 87.84%.This method not only outperforms baseline methods such as Random Forest,MLP,CNN,and the original DeepForest in both large-scale and small-scale dataset based learning tasks,but also can detect normal network traffic,tunnel network traffic and anonymous network traffic,which may close the gap between different network traffic analysis tasks.Thus,it has a wider application scenario and higher practical value.展开更多
With the rapid development of deepfake technology,the authenticity of various types of fake synthetic content is increasing rapidly,which brings potential security threats to people’s daily life and social stability....With the rapid development of deepfake technology,the authenticity of various types of fake synthetic content is increasing rapidly,which brings potential security threats to people’s daily life and social stability.Currently,most algorithms define deepfake detection as a binary classification problem,i.e.,global features are first extracted using a backbone network and then fed into a binary classifier to discriminate true or false.However,the differences between real and fake samples are often subtle and local,and such global feature-based detection algorithms are not optimal in efficiency and accuracy.To this end,to enhance the extraction of forgery details in deep forgery samples,we propose a multi-branch deepfake detection algorithm based on fine-grained features from the perspective of fine-grained classification.First,to address the critical problem in locating discriminative feature regions in fine-grained classification tasks,we investigate a method for locating multiple different discriminative regions and design a lightweight feature localization module to obtain crucial feature representations by augmenting the most significant parts of the feature map.Second,using information complementation,we introduce a correlation-guided fusion module to enhance the discriminative feature information of different branches.Finally,we use the global attention module in the multi-branch model to improve the cross-dimensional interaction of spatial domain and channel domain information and increase the weights of crucial feature regions and feature channels.We conduct sufficient ablation experiments and comparative experiments.The experimental results show that the algorithm outperforms the detection accuracy and effectiveness on the FaceForensics++and Celeb-DF-v2 datasets compared with the representative detection algorithms in recent years,which can achieve better detection results.展开更多
With the rapid development of Internet technology,the type of information in the Internet is extremely complex,and a large number of riot contents containing bloody,violent and riotous components have appeared.These c...With the rapid development of Internet technology,the type of information in the Internet is extremely complex,and a large number of riot contents containing bloody,violent and riotous components have appeared.These contents pose a great threat to the network ecology and national security.As a result,the importance of monitoring riotous Internet activity cannot be overstated.Convolutional Neural Network(CNN-based)target detection algorithm has great potential in identifying rioters,so this paper focused on the use of improved backbone and optimization function of You Only Look Once v5(YOLOv5),and further optimization of hyperparameters using genetic algorithm to achieve fine-grained recognition of riot image content.First,the fine-grained features of riot-related images were identified,and then the dataset was constructed by manual annotation.Second,the training and testing work was carried out on the constructed dedicated dataset by supervised deep learning training.The research results have shown that the improved YOLOv5 network significantly improved the fine-grained feature extraction capability of riot-related images compared with the original YOLOv5 network structure,and the mean average precision(mAP)value was improved to 0.6128.Thus,it provided strong support for combating riot-related organizations and maintaining the online ecological environment.展开更多
on November 8, 2022, the China Society for Human Rights Studies held a seminar in Beijing on “Deeply Studying and Implementing the Spirit of the 20th CPC National Congress and Adhering to the Chinese Path of Human Ri...on November 8, 2022, the China Society for Human Rights Studies held a seminar in Beijing on “Deeply Studying and Implementing the Spirit of the 20th CPC National Congress and Adhering to the Chinese Path of Human Rights Development”. Padma Choling, vice chairperson of the Standing Committee of the National People’s Congress and president of the China Society for Human Rights Studies, addressed the event. The participating experts and scholars focused on studying and implementing the spirit of the 20th CPC National Congress and conducted in-depth interpretations of the macro and micro issues centered on the Chinese path of human rights development from multiple perspectives. Here are excerpts from some of the experts’ discussions for reference. Selected papers include Dai Jitao’s “on Using the Constitutional Way of Thinking to Promote Allaround Development of Human Rights”, Gong Xianghe’s “Committed to the Chinese Path of Human Rights Development Featuring a Coordinated Relationship between Human Rights and Economic Development”, He Zhipeng’s “Core Elements of the Chinese Path of Human Rights Development”, Hua Guoyu’s “The Logic of China’s Human Rights Development in the New Era”, Li Chaoqun’s “The People-centered Discourses in the Chinese Human Rights Discourse System”, Zhang Aining’s “The Chinese Modernization: A Chinese Path Empowered by the Right to Development”, and Yang Bochao’s “The Cultures and Values of the Times Underlying the View of Human Rights in Contemporary China”. It is hoped that this collection of papers will help in studying and implementing the spirit of the 20th CPC National Congress and in understanding the important discourses on respecting and protecting the human rights, as Xi Jinping, General Secretary of the Communist Party of China(CPC) Central Committee, has said.展开更多
Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to sca...Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to scale-free graphs with power-law distributions,resulting in substantial distortions.Moreover,most of the existing GCN models are shallow structures,which restricts their ability to capture dependencies among distant nodes and more refined high-order node features in scale-free graphs with hierarchical structures.To more broadly and precisely apply GCNs to real-world graphs exhibiting scale-free or hierarchical structures and utilize multi-level aggregation of GCNs for capturing high-level information in local representations,we propose the Hyperbolic Deep Graph Convolutional Neural Network(HDGCNN),an end-to-end deep graph representation learning framework that can map scale-free graphs from Euclidean space to hyperbolic space.In HDGCNN,we define the fundamental operations of deep graph convolutional neural networks in hyperbolic space.Additionally,we introduce a hyperbolic feature transformation method based on identity mapping and a dense connection scheme based on a novel non-local message passing framework.In addition,we present a neighborhood aggregation method that combines initial structural featureswith hyperbolic attention coefficients.Through the above methods,HDGCNN effectively leverages both the structural features and node features of graph data,enabling enhanced exploration of non-local structural features and more refined node features in scale-free or hierarchical graphs.Experimental results demonstrate that HDGCNN achieves remarkable performance improvements over state-ofthe-art GCNs in node classification and link prediction tasks,even when utilizing low-dimensional embedding representations.Furthermore,when compared to shallow hyperbolic graph convolutional neural network models,HDGCNN exhibits notable advantages and performance enhancements.展开更多
With the development of information technology,the online retrieval of remote electronic data has become an important method for investigative agencies to collect evidence.In the current normative documents,the online...With the development of information technology,the online retrieval of remote electronic data has become an important method for investigative agencies to collect evidence.In the current normative documents,the online retrieval of electronic data is positioned as a new type of arbitrary investigative measure.However,study of its actual operation has found that the online retrieval of electronic data does not fully comply with the characteristics of arbitrary investigative measures.The root cause is its inaccurately defined nature due to analogy errors,an emphasis on the authenticity of electronic data at the cost of rights protection,insufficient effectiveness of normative documents to break through the boundaries of law,and superficial inconsistency found in the mechanical comparison with the nature of existing investigative measures causes.The nature of electronic data retrieved online should be defined according to different circumstances.The retrieval of electronic data disclosed on the Internet is an arbitrary investigative measure,and following procedural specifications should be sufficient.When investigators conceal their true identities and enter the cyberspace of the suspected crime through a registered account to extract dynamic electronic data for criminal activities,it is essentially a covert investigation in cyberspace,and they should follow the normative requirements for covert investigations.The retrieval of dynamic electronic data from private spaces is a technical investigative measure and should be implemented in accordance with the technical investigative procedures.Retrieval of remote“non-public electronic data involving privacy”is a mandatory investigative measure,and is essentially a search in the virtual space.Therefore,procedural specifications should be set in accordance with the standards of searching.展开更多
Based on GC-qqqMS/MS,a qualitative and quantitative analysis method for identifying characteristic markers in gasoline samples was established.According to the established method,different grades(#92,#95,#98)of gasoli...Based on GC-qqqMS/MS,a qualitative and quantitative analysis method for identifying characteristic markers in gasoline samples was established.According to the established method,different grades(#92,#95,#98)of gasoline samples collected from different regions(southern,central,northeastern,and northwestern China)were studied and analyzed.The results show that the gasolines can be classified by the relative contents of aromatics,naphthalene series,indene and other characteristic substances.On the basis of the high sensitivity and selectivity of GC-qqqMS/MS,the experiment has identified the characteristic substances,and used the characteristic-ratios methods as well as stoichiometric tools to study the grades and regional differences of gasoline products.It is conducive to the identification and classification of ILR in public security in fire cases,and can also meet the actual handling demand.展开更多
Stereolithographic(STL)files have been extensively used in rapid prototyping industries as well as many other fields as watermarking algorithms to secure intellectual property and protect three-dimensional models from...Stereolithographic(STL)files have been extensively used in rapid prototyping industries as well as many other fields as watermarking algorithms to secure intellectual property and protect three-dimensional models from theft.However,to the best of our knowledge,few studies have looked at how watermarking can resist attacks that involve vertex-reordering.Here,we present a lossless and robust watermarking scheme for STL files to protect against vertexreordering attacks.Specifically,we designed a novel error-correcting code(ECC)that can correct the error of any one-bit in a bitstream by inserting several check digits.In addition,ECC is designed to make use of redundant information according to the characteristics of STL files,which introduces further robustness for defense against attacks.No modifications are made to the geometric information of the three-dimensional model,which respects the requirements of a highprecision model.The experimental results show that the proposed watermarking scheme can survive numerous kinds of attack,including rotation,scaling and translation(RST),facet reordering,and vertex-reordering attacks.展开更多
Multiferroic nanomaterials have attracted great interest due to simultaneous two or more properties such as ferroelectricity,ferromagnetism,and ferroelasticity,which can promise a broad application in multifunctional,...Multiferroic nanomaterials have attracted great interest due to simultaneous two or more properties such as ferroelectricity,ferromagnetism,and ferroelasticity,which can promise a broad application in multifunctional,lowpower consumption,environmentally friendly devices.Bismuth ferrite(BiFeO3,BFO)exhibits both(anti)ferromagnetic and ferroelectric properties at room temperature.Thus,it has played an increasingly important role in multiferroic system.In this review,we systematically discussed the developments of BFO nanomaterials including morphology,structures,properties,and potential applications in multiferroic devices with novel functions.Even the opportunities and challenges were all analyzed and summarized.We hope this review can act as an updating and encourage more researchers to push on the development of BFO nanomaterials in the future.展开更多
In this work, a rumor’s spreading and controlling in a directed Micro-blog user network being consisted with 580 000 nodes are simulated. By defining some authority nodes that release anti-rumor information as the pr...In this work, a rumor’s spreading and controlling in a directed Micro-blog user network being consisted with 580 000 nodes are simulated. By defining some authority nodes that release anti-rumor information as the prevention strategy, the effect of the nodes’ role in network on rumor’s suppression is studied. The findings show that rumor will be spread out fast and reach a stable level within limited steps. The suppression of rumor is more predominated by the intervening opportunity, the earlier the intervention strategy was implemented, the better the rumor’s controlling could be achieved. The controlling effect is less relevant with the role of the authority nodes in network.展开更多
基金supported by the Fundamental Research Funds for the Central Universities(Grant No.2022JKF02039).
文摘Graph Neural Networks(GNNs)play a significant role in tasks related to homophilic graphs.Traditional GNNs,based on the assumption of homophily,employ low-pass filters for neighboring nodes to achieve information aggregation and embedding.However,in heterophilic graphs,nodes from different categories often establish connections,while nodes of the same category are located further apart in the graph topology.This characteristic poses challenges to traditional GNNs,leading to issues of“distant node modeling deficiency”and“failure of the homophily assumption”.In response,this paper introduces the Spatial-Frequency domain Adaptive Heterophilic Graph Neural Networks(SFA-HGNN),which integrates adaptive embedding mechanisms for both spatial and frequency domains to address the aforementioned issues.Specifically,for the first problem,we propose the“Distant Spatial Embedding Module”,aiming to select and aggregate distant nodes through high-order randomwalk transition probabilities to enhance modeling capabilities.For the second issue,we design the“Proximal Frequency Domain Embedding Module”,constructing adaptive filters to separate high and low-frequency signals of nodes,and introduce frequency-domain guided attention mechanisms to fuse the relevant information,thereby reducing the noise introduced by the failure of the homophily assumption.We deploy the SFA-HGNN on six publicly available heterophilic networks,achieving state-of-the-art results in four of them.Furthermore,we elaborate on the hyperparameter selection mechanism and validate the performance of each module through experimentation,demonstrating a positive correlation between“node structural similarity”,“node attribute vector similarity”,and“node homophily”in heterophilic networks.
基金the Double First-Class Innovation Research Projectfor People’s Public Security University of China (No. 2023SYL08).
文摘Voice portrait technology has explored and established the relationship between speakers’ voices and their facialfeatures, aiming to generate corresponding facial characteristics by providing the voice of an unknown speaker.Due to its powerful advantages in image generation, Generative Adversarial Networks (GANs) have now beenwidely applied across various fields. The existing Voice2Face methods for voice portraits are primarily based onGANs trained on voice-face paired datasets. However, voice portrait models solely constructed on GANs facelimitations in image generation quality and struggle to maintain facial similarity. Additionally, the training processis relatively unstable, thereby affecting the overall generative performance of the model. To overcome the abovechallenges,wepropose a novel deepGenerativeAdversarialNetworkmodel for audio-visual synthesis, namedAVPGAN(Attention-enhanced Voice Portrait Model using Generative Adversarial Network). This model is based ona convolutional attention mechanism and is capable of generating corresponding facial images from the voice ofan unknown speaker. Firstly, to address the issue of training instability, we integrate convolutional neural networkswith deep GANs. In the network architecture, we apply spectral normalization to constrain the variation of thediscriminator, preventing issues such as mode collapse. Secondly, to enhance the model’s ability to extract relevantfeatures between the two modalities, we propose a voice portrait model based on convolutional attention. Thismodel learns the mapping relationship between voice and facial features in a common space from both channeland spatial dimensions independently. Thirdly, to enhance the quality of generated faces, we have incorporated adegradation removal module and utilized pretrained facial GANs as facial priors to repair and enhance the clarityof the generated facial images. Experimental results demonstrate that our AVP-GAN achieved a cosine similarity of0.511, outperforming the performance of our comparison model, and effectively achieved the generation of highqualityfacial images corresponding to a speaker’s voice.
基金Double First-Class Innovation Research Project for People’s Public Security University of China(2023SYL08).
文摘Crowd counting is a promising hotspot of computer vision involving crowd intelligence analysis,achieving tremendous success recently with the development of deep learning.However,there have been stillmany challenges including crowd multi-scale variations and high network complexity,etc.To tackle these issues,a lightweight Resconnection multi-branch network(LRMBNet)for highly accurate crowd counting and localization is proposed.Specifically,using improved ShuffleNet V2 as the backbone,a lightweight shallow extractor has been designed by employing the channel compression mechanism to reduce enormously the number of network parameters.A light multi-branch structure with different expansion rate convolutions is demonstrated to extract multi-scale features and enlarged receptive fields,where the information transmission and fusion of diverse scale features is enhanced via residual concatenation.In addition,a compound loss function is introduced for training themethod to improve global context information correlation.The proposed method is evaluated on the SHHA,SHHB,UCF-QNRF and UCF_CC_50 public datasets.The accuracy is better than those of many advanced approaches,while the number of parameters is smaller.The experimental results show that the proposed method achieves a good tradeoff between the complexity and accuracy of crowd counting,indicating a lightweight and high-precision method for crowd counting.
基金Project supported by the National Key Research and Development Program of China(Grant No.2022YFA1403803)H.M.is supported by the Fundamental Research Funds for the Central Universities,and the Research Funds of Renmin University of China(Grant No.22XNH099)+7 种基金The results of DFT calculations described in this paper are supported by HPC Cluster of ITP-CAS.M.L.is supported by the National Natural Science Foundation of China(Grant No.12204536)the Fundamental Research Funds for the Central Universities,and the Research Funds of People’s Public Security University of China(PPSUC)(Grant No.2023JKF02ZK09)T.L.X.is supported by the National Key R&D Program of China(Grant No.2019YFA0308602)the National Natural Science Foundation of China(Grant Nos.12074425 and 11874422)Y.Y.W.is supported by the National Natural Science Foundation of China(Grant No.12104011)H.Y.L.is supported by the National Natural Science Foundation of China(Grant No.12074213)the Major Basic Program of Natural Science Foundation of Shandong Province(Grant No.ZR2021ZD01)the Project of Introduction and Cultivation for Young Innovative Talents in Colleges and Universities of Shandong Province.
文摘We investigate the electronic structure of NbGeSb with non-symmorphic symmetry.We employ angle-resolved photoemission spectroscopy(ARPES)to observe and identify the bulk and surface states over the Brillouin zone.By utilizing high-energy photons,we identify the bulk Fermi surface and bulk nodal line along the direction X–R,while the Fermi surface of the surface state is observed by using low-energy photons.We observe the splitting of surface bands away from the high-symmetry point X.The density functional theory calculations on bulk and 1 to 5-layer slab models,as well as spin textures of NbGeSb,verify that the band splitting could be attributed to the Rashba-like spin–orbit coupling caused by space-inversion-symmetry breaking at the surface.These splitted surface bands cross with each other,forming two-dimensional Weyl-like crossings that are protected by mirror symmetry.Our findings provide insights into the two-dimensional topological and symmetry-protected band inversion of surface states.
基金supported by the People’s Public Security University of China central basic scientific research business program(No.2021JKF206).
文摘Traffic characterization(e.g.,chat,video)and application identifi-cation(e.g.,FTP,Facebook)are two of the more crucial jobs in encrypted network traffic classification.These two activities are typically carried out separately by existing systems using separate models,significantly adding to the difficulty of network administration.Convolutional Neural Network(CNN)and Transformer are deep learning-based approaches for network traf-fic classification.CNN is good at extracting local features while ignoring long-distance information from the network traffic sequence,and Transformer can capture long-distance feature dependencies while ignoring local details.Based on these characteristics,a multi-task learning model that combines Transformer and 1D-CNN for encrypted traffic classification is proposed(MTC).In order to make up for the Transformer’s lack of local detail feature extraction capability and the 1D-CNN’s shortcoming of ignoring long-distance correlation information when processing traffic sequences,the model uses a parallel structure to fuse the features generated by the Transformer block and the 1D-CNN block with each other using a feature fusion block.This structure improved the representation of traffic features by both blocks and allows the model to perform well with both long and short length sequences.The model simultaneously handles multiple tasks,which lowers the cost of training.Experiments reveal that on the ISCX VPN-nonVPN dataset,the model achieves an average F1 score of 98.25%and an average recall of 98.30%for the task of identifying applications,and an average F1 score of 97.94%,and an average recall of 97.54%for the task of traffic characterization.When advanced models on the same dataset are chosen for comparison,the model produces the best results.To prove the generalization,we applied MTC to CICIDS2017 dataset,and our model also achieved good results.
基金funded by the Double Top-Class Innovation Research Project in Cyberspace Security Enforcement Technology of People’s Public Security University of China(No.2023SYL07).
文摘In recent years,cyber attacks have been intensifying and causing great harm to individuals,companies,and countries.The mining of cyber threat intelligence(CTI)can facilitate intelligence integration and serve well in combating cyber attacks.Named Entity Recognition(NER),as a crucial component of text mining,can structure complex CTI text and aid cybersecurity professionals in effectively countering threats.However,current CTI NER research has mainly focused on studying English CTI.In the limited studies conducted on Chinese text,existing models have shown poor performance.To fully utilize the power of Chinese pre-trained language models(PLMs)and conquer the problem of lengthy infrequent English words mixing in the Chinese CTIs,we propose a residual dilated convolutional neural network(RDCNN)with a conditional random field(CRF)based on a robustly optimized bidirectional encoder representation from transformers pre-training approach with whole word masking(RoBERTa-wwm),abbreviated as RoBERTa-wwm-RDCNN-CRF.We are the first to experiment on the relevant open source dataset and achieve an F1-score of 82.35%,which exceeds the common baseline model bidirectional encoder representation from transformers(BERT)-bidirectional long short-term memory(BiLSTM)-CRF in this field by about 19.52%and exceeds the current state-of-the-art model,BERT-RDCNN-CRF,by about 3.53%.In addition,we conducted an ablation study on the encoder part of the model to verify the effectiveness of the proposed model and an in-depth investigation of the PLMs and encoder part of the model to verify the effectiveness of the proposed model.The RoBERTa-wwm-RDCNN-CRF model,the shared pre-processing,and augmentation methods can serve the subsequent fundamental tasks such as cybersecurity information extraction and knowledge graph construction,contributing to important applications in downstream tasks such as intrusion detection and advanced persistent threat(APT)attack detection.
基金This work was supported by the National Key R&D Program of China(Grant No.2020YFA040070).
文摘Thefilter-x least mean square(FxLMS)algorithm is widely used in active noise control(ANC)systems.However,because the algorithm is a feedback control algorithm based on the minimization of the error signal variance to update thefilter coefficients,it has a certain delay,usually has a slow convergence speed,and the system response time is long and easily affected by the learning rate leading to the lack of system stability,which often fails to achieve the desired control effect in practice.In this paper,we propose an active control algorithm with near-est-neighbor trap structure and neural network feedback mechanism to reduce the coefficient update time of the FxLMS algorithm and use the neural network feedback mechanism to realize the parameter update,which is called NNR-BPFxLMS algorithm.In the paper,the schematic diagram of the feedback control is given,and the performance of the algorithm is analyzed.Under various noise conditions,it is shown by simulation and experiment that the NNR-BPFxLMS algorithm has the following three advantages:in terms of performance,it has higher noise reduction under the same number of sampling points,i.e.,it has faster convergence speed,and by computer simulation and sound pipe experiment,for simple ideal line spectrum noise,compared with the convergence speed of NNR-BPFxLMS is improved by more than 95%compared with FxLMS algorithm,and the convergence speed of real noise is also improved by more than 70%.In terms of stability,NNR-BPFxLMS is insensitive to step size changes.In terms of tracking performance,its algorithm responds quickly to sudden changes in the noise spectrum and can cope with the complex control requirements of sudden changes in the noise spectrum.
文摘Distributed Denial of Service(DDoS)attacks have always been a major concern in the security field.With the release of malware source codes such as BASHLITE and Mirai,Internet of Things(IoT)devices have become the new source of DDoS attacks against many Internet applications.Although there are many datasets in the field of IoT intrusion detection,such as Bot-IoT,ConstrainedApplication Protocol–Denial of Service(CoAPDoS),and LATAM-DDoS-IoT(some of the names of DDoS datasets),which mainly focus on DDoS attacks,the datasets describing new IoT DDoS attack scenarios are extremely rare,and only N-BaIoT and IoT-23 datasets used IoT devices as DDoS attackers in the construction process,while they did not use Internet applications as victims either.To supplement the description of the new trend of DDoS attacks in the dataset,we built an IoT environment with mainstream DDoS attack tools such as Mirai and BASHLITE being used to infect IoT devices and implement DDoS attacks against WEB servers.Then,data aggregated into a dataset namedMBB-IoTwere captured atWEBservers and IoT nodes.After the MBB-IoT dataset was split into a training set and a test set,it was applied to the training and testing of the Random Forests classification algorithm.The multi-class classification metrics were good and all above 90%.Secondly,in a cross-evaluation experiment based on Support Vector Machine(SVM),Light Gradient Boosting Machine(LightGBM),and Long Short Term Memory networks(LSTM)classification algorithms,the training set and test set were derived from different datasets(MBB-IoT or IoT-23),and the test performance is better when MBB-IoT is used as the training set.
基金This study is supported by the Fundamental Research Funds for the Central Universities of PPSUC under Grant 2022JKF02009.
文摘Face forgery detection is drawing ever-increasing attention in the academic community owing to security concerns.Despite the considerable progress in existing methods,we note that:Previous works overlooked finegrain forgery cues with high transferability.Such cues positively impact the model’s accuracy and generalizability.Moreover,single-modality often causes overfitting of the model,and Red-Green-Blue(RGB)modal-only is not conducive to extracting the more detailed forgery traces.We propose a novel framework for fine-grain forgery cues mining with fusion modality to cope with these issues.First,we propose two functional modules to reveal and locate the deeper forged features.Our method locates deeper forgery cues through a dual-modality progressive fusion module and a noise adaptive enhancement module,which can excavate the association between dualmodal space and channels and enhance the learning of subtle noise features.A sensitive patch branch is introduced on this foundation to enhance the mining of subtle forgery traces under fusion modality.The experimental results demonstrate that our proposed framework can desirably explore the differences between authentic and forged images with supervised learning.Comprehensive evaluations of several mainstream datasets show that our method outperforms the state-of-the-art detection methods with remarkable detection ability and generalizability.
基金supported by the Fundamental Research Funds for the Central Universities under Grant 2020JKF101the Research Funds of Sugon under Grant 2022KY001.
文摘Rapid development of deepfake technology led to the spread of forged audios and videos across network platforms,presenting risks for numerous countries,societies,and individuals,and posing a serious threat to cyberspace security.To address the problem of insufficient extraction of spatial features and the fact that temporal features are not considered in the deepfake video detection,we propose a detection method based on improved CapsNet and temporal–spatial features(iCapsNet–TSF).First,the dynamic routing algorithm of CapsNet is improved using weight initialization and updating.Then,the optical flow algorithm is used to extract interframe temporal features of the videos to form a dataset of temporal–spatial features.Finally,the iCapsNet model is employed to fully learn the temporal–spatial features of facial videos,and the results are fused.Experimental results show that the detection accuracy of iCapsNet–TSF reaches 94.07%,98.83%,and 98.50%on the Celeb-DF,FaceSwap,and Deepfakes datasets,respectively,displaying a better performance than most existing mainstream algorithms.The iCapsNet–TSF method combines the capsule network and the optical flow algorithm,providing a novel strategy for the deepfake detection,which is of great significance to the prevention of deepfake attacks and the preservation of cyberspace security.
基金funded by Henan Provincial Key R&D and Promotion Special Project(Science and Technology Tackling)(212102210165)National Social Science Foun-dation Key Project(20AZD114)+1 种基金Henan Provincial Higher Education Key Research Project Program(20B520008)Public Security Behavior Scientific Research and Technological Innovation Project of the Chinese People’s Public Security University(2020SYS08).
文摘The dark web is a shadow area hidden in the depths of the Internet,which is difficult to access through common search engines.Because of its anonymity,the dark web has gradually become a hotbed for a variety of cyber-crimes.Although some research based on machine learning or deep learning has been shown to be effective in the task of analyzing dark web traffic in recent years,there are still pain points such as low accuracy,insufficient real-time performance,and limited application scenarios.Aiming at the difficulties faced by the existing automated dark web traffic analysis methods,a novel method named Dark-Forest to analyze the behavior of dark web traffic is proposed.In this method,firstly,particle swarm optimization algorithm is used to filter the redundant features of dark web traffic data,which can effectively shorten the training and inference time of the model to meet the realtime requirements of dark web detection task.Then,the selected features of traffic are analyzed and classified using the DeepForest model as a backbone classifier.The comparison experiment with the current mainstream methods shows that Dark-Forest takes into account the advantages of statistical machine learning and deep learning,and achieves an accuracy rate of 87.84%.This method not only outperforms baseline methods such as Random Forest,MLP,CNN,and the original DeepForest in both large-scale and small-scale dataset based learning tasks,but also can detect normal network traffic,tunnel network traffic and anonymous network traffic,which may close the gap between different network traffic analysis tasks.Thus,it has a wider application scenario and higher practical value.
基金supported by the 2023 Open Project of Key Laboratory of Ministry of Public Security for Artificial Intelligence Security(RGZNAQ-2304)the Fundamental Research Funds for the Central Universities of PPSUC(2023JKF01ZK08).
文摘With the rapid development of deepfake technology,the authenticity of various types of fake synthetic content is increasing rapidly,which brings potential security threats to people’s daily life and social stability.Currently,most algorithms define deepfake detection as a binary classification problem,i.e.,global features are first extracted using a backbone network and then fed into a binary classifier to discriminate true or false.However,the differences between real and fake samples are often subtle and local,and such global feature-based detection algorithms are not optimal in efficiency and accuracy.To this end,to enhance the extraction of forgery details in deep forgery samples,we propose a multi-branch deepfake detection algorithm based on fine-grained features from the perspective of fine-grained classification.First,to address the critical problem in locating discriminative feature regions in fine-grained classification tasks,we investigate a method for locating multiple different discriminative regions and design a lightweight feature localization module to obtain crucial feature representations by augmenting the most significant parts of the feature map.Second,using information complementation,we introduce a correlation-guided fusion module to enhance the discriminative feature information of different branches.Finally,we use the global attention module in the multi-branch model to improve the cross-dimensional interaction of spatial domain and channel domain information and increase the weights of crucial feature regions and feature channels.We conduct sufficient ablation experiments and comparative experiments.The experimental results show that the algorithm outperforms the detection accuracy and effectiveness on the FaceForensics++and Celeb-DF-v2 datasets compared with the representative detection algorithms in recent years,which can achieve better detection results.
基金This work was supported by Fundamental Research Funds for the Central Universities,People’s Public Security University of China(2021JKF215)Key Projects of the Technology Research Program of the Ministry of Public Security(2021JSZ09)the Fund for the training of top innovative talents to support master’s degree program,People’s Public Security University of china(2021yjsky018).
文摘With the rapid development of Internet technology,the type of information in the Internet is extremely complex,and a large number of riot contents containing bloody,violent and riotous components have appeared.These contents pose a great threat to the network ecology and national security.As a result,the importance of monitoring riotous Internet activity cannot be overstated.Convolutional Neural Network(CNN-based)target detection algorithm has great potential in identifying rioters,so this paper focused on the use of improved backbone and optimization function of You Only Look Once v5(YOLOv5),and further optimization of hyperparameters using genetic algorithm to achieve fine-grained recognition of riot image content.First,the fine-grained features of riot-related images were identified,and then the dataset was constructed by manual annotation.Second,the training and testing work was carried out on the constructed dedicated dataset by supervised deep learning training.The research results have shown that the improved YOLOv5 network significantly improved the fine-grained feature extraction capability of riot-related images compared with the original YOLOv5 network structure,and the mean average precision(mAP)value was improved to 0.6128.Thus,it provided strong support for combating riot-related organizations and maintaining the online ecological environment.
文摘on November 8, 2022, the China Society for Human Rights Studies held a seminar in Beijing on “Deeply Studying and Implementing the Spirit of the 20th CPC National Congress and Adhering to the Chinese Path of Human Rights Development”. Padma Choling, vice chairperson of the Standing Committee of the National People’s Congress and president of the China Society for Human Rights Studies, addressed the event. The participating experts and scholars focused on studying and implementing the spirit of the 20th CPC National Congress and conducted in-depth interpretations of the macro and micro issues centered on the Chinese path of human rights development from multiple perspectives. Here are excerpts from some of the experts’ discussions for reference. Selected papers include Dai Jitao’s “on Using the Constitutional Way of Thinking to Promote Allaround Development of Human Rights”, Gong Xianghe’s “Committed to the Chinese Path of Human Rights Development Featuring a Coordinated Relationship between Human Rights and Economic Development”, He Zhipeng’s “Core Elements of the Chinese Path of Human Rights Development”, Hua Guoyu’s “The Logic of China’s Human Rights Development in the New Era”, Li Chaoqun’s “The People-centered Discourses in the Chinese Human Rights Discourse System”, Zhang Aining’s “The Chinese Modernization: A Chinese Path Empowered by the Right to Development”, and Yang Bochao’s “The Cultures and Values of the Times Underlying the View of Human Rights in Contemporary China”. It is hoped that this collection of papers will help in studying and implementing the spirit of the 20th CPC National Congress and in understanding the important discourses on respecting and protecting the human rights, as Xi Jinping, General Secretary of the Communist Party of China(CPC) Central Committee, has said.
基金supported by the National Natural Science Foundation of China-China State Railway Group Co.,Ltd.Railway Basic Research Joint Fund (Grant No.U2268217)the Scientific Funding for China Academy of Railway Sciences Corporation Limited (No.2021YJ183).
文摘Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to scale-free graphs with power-law distributions,resulting in substantial distortions.Moreover,most of the existing GCN models are shallow structures,which restricts their ability to capture dependencies among distant nodes and more refined high-order node features in scale-free graphs with hierarchical structures.To more broadly and precisely apply GCNs to real-world graphs exhibiting scale-free or hierarchical structures and utilize multi-level aggregation of GCNs for capturing high-level information in local representations,we propose the Hyperbolic Deep Graph Convolutional Neural Network(HDGCNN),an end-to-end deep graph representation learning framework that can map scale-free graphs from Euclidean space to hyperbolic space.In HDGCNN,we define the fundamental operations of deep graph convolutional neural networks in hyperbolic space.Additionally,we introduce a hyperbolic feature transformation method based on identity mapping and a dense connection scheme based on a novel non-local message passing framework.In addition,we present a neighborhood aggregation method that combines initial structural featureswith hyperbolic attention coefficients.Through the above methods,HDGCNN effectively leverages both the structural features and node features of graph data,enabling enhanced exploration of non-local structural features and more refined node features in scale-free or hierarchical graphs.Experimental results demonstrate that HDGCNN achieves remarkable performance improvements over state-ofthe-art GCNs in node classification and link prediction tasks,even when utilizing low-dimensional embedding representations.Furthermore,when compared to shallow hyperbolic graph convolutional neural network models,HDGCNN exhibits notable advantages and performance enhancements.
基金the phased research result of the Supreme People’s Procuratorate’s procuratorial theory research program“Research on the Governance Problems of the Crime of Aiding Information Network Criminal Activities”(Project Approval Number GJ2023D28)。
文摘With the development of information technology,the online retrieval of remote electronic data has become an important method for investigative agencies to collect evidence.In the current normative documents,the online retrieval of electronic data is positioned as a new type of arbitrary investigative measure.However,study of its actual operation has found that the online retrieval of electronic data does not fully comply with the characteristics of arbitrary investigative measures.The root cause is its inaccurately defined nature due to analogy errors,an emphasis on the authenticity of electronic data at the cost of rights protection,insufficient effectiveness of normative documents to break through the boundaries of law,and superficial inconsistency found in the mechanical comparison with the nature of existing investigative measures causes.The nature of electronic data retrieved online should be defined according to different circumstances.The retrieval of electronic data disclosed on the Internet is an arbitrary investigative measure,and following procedural specifications should be sufficient.When investigators conceal their true identities and enter the cyberspace of the suspected crime through a registered account to extract dynamic electronic data for criminal activities,it is essentially a covert investigation in cyberspace,and they should follow the normative requirements for covert investigations.The retrieval of dynamic electronic data from private spaces is a technical investigative measure and should be implemented in accordance with the technical investigative procedures.Retrieval of remote“non-public electronic data involving privacy”is a mandatory investigative measure,and is essentially a search in the virtual space.Therefore,procedural specifications should be set in accordance with the standards of searching.
基金financially supported by the Technical Research Program of Ministry of Public Security of the People’s Republic of China (2016jsyjb09)the 13th Five-Year National Key Research and Development Project (2017yfc080804)the Central-Level Basic Scientific Research Business Expenses Project (2021jb010)
文摘Based on GC-qqqMS/MS,a qualitative and quantitative analysis method for identifying characteristic markers in gasoline samples was established.According to the established method,different grades(#92,#95,#98)of gasoline samples collected from different regions(southern,central,northeastern,and northwestern China)were studied and analyzed.The results show that the gasolines can be classified by the relative contents of aromatics,naphthalene series,indene and other characteristic substances.On the basis of the high sensitivity and selectivity of GC-qqqMS/MS,the experiment has identified the characteristic substances,and used the characteristic-ratios methods as well as stoichiometric tools to study the grades and regional differences of gasoline products.It is conducive to the identification and classification of ILR in public security in fire cases,and can also meet the actual handling demand.
基金This work was supported in part by the National Science Foundation of China(No.61772539,6187212,61972405),STITSX(No.201705D131025),1331KITSX,and CiCi3D.
文摘Stereolithographic(STL)files have been extensively used in rapid prototyping industries as well as many other fields as watermarking algorithms to secure intellectual property and protect three-dimensional models from theft.However,to the best of our knowledge,few studies have looked at how watermarking can resist attacks that involve vertex-reordering.Here,we present a lossless and robust watermarking scheme for STL files to protect against vertexreordering attacks.Specifically,we designed a novel error-correcting code(ECC)that can correct the error of any one-bit in a bitstream by inserting several check digits.In addition,ECC is designed to make use of redundant information according to the characteristics of STL files,which introduces further robustness for defense against attacks.No modifications are made to the geometric information of the three-dimensional model,which respects the requirements of a highprecision model.The experimental results show that the proposed watermarking scheme can survive numerous kinds of attack,including rotation,scaling and translation(RST),facet reordering,and vertex-reordering attacks.
基金the National Key R&D Program of China(Grant No.2016YFA0202701)the National Natural Science Foundation of China(Grant Nos.51472055,51504133)+5 种基金External Cooperation Program of BIC,Chinese Academy of Sciences(Grant No.121411KYS820150028)the 2015 Annual Beijing Talents Fund(Grant No.2015000021223ZK32)Qingdao National Laboratory for Marine Science and Technology(No.2017ASKJ01)the University of Chinese Academy of Sciences(Grant No.Y8540XX2D2)2019 Project of Liaoning Education Department(2019LNJC20)the“thousands talents”program for the pioneer researcher and his innovation team,China.
文摘Multiferroic nanomaterials have attracted great interest due to simultaneous two or more properties such as ferroelectricity,ferromagnetism,and ferroelasticity,which can promise a broad application in multifunctional,lowpower consumption,environmentally friendly devices.Bismuth ferrite(BiFeO3,BFO)exhibits both(anti)ferromagnetic and ferroelectric properties at room temperature.Thus,it has played an increasingly important role in multiferroic system.In this review,we systematically discussed the developments of BFO nanomaterials including morphology,structures,properties,and potential applications in multiferroic devices with novel functions.Even the opportunities and challenges were all analyzed and summarized.We hope this review can act as an updating and encourage more researchers to push on the development of BFO nanomaterials in the future.
文摘In this work, a rumor’s spreading and controlling in a directed Micro-blog user network being consisted with 580 000 nodes are simulated. By defining some authority nodes that release anti-rumor information as the prevention strategy, the effect of the nodes’ role in network on rumor’s suppression is studied. The findings show that rumor will be spread out fast and reach a stable level within limited steps. The suppression of rumor is more predominated by the intervening opportunity, the earlier the intervention strategy was implemented, the better the rumor’s controlling could be achieved. The controlling effect is less relevant with the role of the authority nodes in network.