期刊文献+
共找到555篇文章
< 1 2 28 >
每页显示 20 50 100
Decentralized Semi-Supervised Learning for Stochastic Configuration Networks Based on the Mean Teacher Method
1
作者 Kaijing Li Wu Ai 《Journal of Computer and Communications》 2024年第4期247-261,共15页
The aim of this paper is to broaden the application of Stochastic Configuration Network (SCN) in the semi-supervised domain by utilizing common unlabeled data in daily life. It can enhance the classification accuracy ... The aim of this paper is to broaden the application of Stochastic Configuration Network (SCN) in the semi-supervised domain by utilizing common unlabeled data in daily life. It can enhance the classification accuracy of decentralized SCN algorithms while effectively protecting user privacy. To this end, we propose a decentralized semi-supervised learning algorithm for SCN, called DMT-SCN, which introduces teacher and student models by combining the idea of consistency regularization to improve the response speed of model iterations. In order to reduce the possible negative impact of unsupervised data on the model, we purposely change the way of adding noise to the unlabeled data. Simulation results show that the algorithm can effectively utilize unlabeled data to improve the classification accuracy of SCN training and is robust under different ground simulation environments. 展开更多
关键词 Stochastic Neural network Consistency Regularization semi-supervised learning Decentralized learning
下载PDF
HCRVD: A Vulnerability Detection System Based on CST-PDG Hierarchical Code Representation Learning
2
作者 Zhihui Song Jinchen Xu +1 位作者 Kewei Li Zheng Shan 《Computers, Materials & Continua》 SCIE EI 2024年第6期4573-4601,共29页
Prior studies have demonstrated that deep learning-based approaches can enhance the performance of source code vulnerability detection by training neural networks to learn vulnerability patterns in code representation... Prior studies have demonstrated that deep learning-based approaches can enhance the performance of source code vulnerability detection by training neural networks to learn vulnerability patterns in code representations.However,due to limitations in code representation and neural network design,the validity and practicality of the model still need to be improved.Additionally,due to differences in programming languages,most methods lack cross-language detection generality.To address these issues,in this paper,we analyze the shortcomings of previous code representations and neural networks.We propose a novel hierarchical code representation that combines Concrete Syntax Trees(CST)with Program Dependence Graphs(PDG).Furthermore,we introduce a Tree-Graph-Gated-Attention(TGGA)network based on gated recurrent units and attention mechanisms to build a Hierarchical Code Representation learning-based Vulnerability Detection(HCRVD)system.This system enables cross-language vulnerability detection at the function-level.The experiments show that HCRVD surpasses many competitors in vulnerability detection capabilities.It benefits from the hierarchical code representation learning method,and outperforms baseline in cross-language vulnerability detection by 9.772%and 11.819%in the C/C++and Java datasets,respectively.Moreover,HCRVD has certain ability to detect vulnerabilities in unknown programming languages and is useful in real open-source projects.HCRVD shows good validity,generality and practicality. 展开更多
关键词 Vulnerability detection deep learning CST-PDG code representation tree-graph-gated-attention network CROSS-LANGUAGE
下载PDF
Transfer Learning-Based Semi-Supervised Generative Adversarial Network for Malaria Classification
3
作者 Ibrar Amin Saima Hassan +1 位作者 Samir Brahim Belhaouari Muhammad Hamza Azam 《Computers, Materials & Continua》 SCIE EI 2023年第3期6335-6349,共15页
Malaria is a lethal disease responsible for thousands of deaths worldwide every year.Manual methods of malaria diagnosis are timeconsuming that require a great deal of human expertise and efforts.Computerbased automat... Malaria is a lethal disease responsible for thousands of deaths worldwide every year.Manual methods of malaria diagnosis are timeconsuming that require a great deal of human expertise and efforts.Computerbased automated diagnosis of diseases is progressively becoming popular.Although deep learning models show high performance in the medical field,it demands a large volume of data for training which is hard to acquire for medical problems.Similarly,labeling of medical images can be done with the help of medical experts only.Several recent studies have utilized deep learning models to develop efficient malaria diagnostic system,which showed promising results.However,the most common problem with these models is that they need a large amount of data for training.This paper presents a computer-aided malaria diagnosis system that combines a semi-supervised generative adversarial network and transfer learning.The proposed model is trained in a semi-supervised manner and requires less training data than conventional deep learning models.Performance of the proposed model is evaluated on a publicly available dataset of blood smear images(with malariainfected and normal class)and achieved a classification accuracy of 96.6%. 展开更多
关键词 Generative adversarial network transfer learning semi-supervised MALARIA VGG16
下载PDF
A malware propagation prediction model based on representation learning and graph convolutional networks
4
作者 Tun Li Yanbing Liu +3 位作者 Qilie Liu Wei Xu Yunpeng Xiao Hong Liu 《Digital Communications and Networks》 SCIE CSCD 2023年第5期1090-1100,共11页
The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of netw... The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of network structure,diversity of network nodes,and sparsity of data all pose difficulties in predicting propagation.This paper proposes a malware propagation prediction model based on representation learning and Graph Convolutional Networks(GCN)to address the aforementioned problems.First,to solve the problem of the inaccuracy of infection intensity calculation caused by the sparsity of node interaction behavior data in the malware propagation network,a mechanism based on a tensor to mine the infection intensity among nodes is proposed to retain the network structure information.The influence of the relationship between nodes on the infection intensity is also analyzed.Second,given the diversity and complexity of the content and structure of infected and normal nodes in the network,considering the advantages of representation learning in data feature extraction,the corresponding representation learning method is adopted for the characteristics of infection intensity among nodes.This can efficiently calculate the relationship between entities and relationships in low dimensional space to achieve the goal of low dimensional,dense,and real-valued representation learning for the characteristics of propagation spatial data.We also design a new method,Tensor2vec,to learn the potential structural features of malware propagation.Finally,considering the convolution ability of GCN for non-Euclidean data,we propose a dynamic prediction model of malware propagation based on representation learning and GCN to solve the time effectiveness problem of the malware propagation carrier.The experimental results show that the proposed model can effectively predict the behaviors of the nodes in the network and discover the influence of different characteristics of nodes on the malware propagation situation. 展开更多
关键词 MALWARE representation learning Graph convolutional networks(GCN) Tensor decomposition Propagation prediction
下载PDF
Semi-Supervised Learning with Generative Adversarial Networks on Digital Signal Modulation Classification 被引量:33
5
作者 Ya Tu Yun Lin +1 位作者 Jin Wang Jeong-Uk Kim 《Computers, Materials & Continua》 SCIE EI 2018年第5期243-254,共12页
Deep Learning(DL)is such a powerful tool that we have seen tremendous success in areas such as Computer Vision,Speech Recognition,and Natural Language Processing.Since Automated Modulation Classification(AMC)is an imp... Deep Learning(DL)is such a powerful tool that we have seen tremendous success in areas such as Computer Vision,Speech Recognition,and Natural Language Processing.Since Automated Modulation Classification(AMC)is an important part in Cognitive Radio Networks,we try to explore its potential in solving signal modulation recognition problem.It cannot be overlooked that DL model is a complex model,thus making them prone to over-fitting.DL model requires many training data to combat with over-fitting,but adding high quality labels to training data manually is not always cheap and accessible,especially in real-time system,which may counter unprecedented data in dataset.Semi-supervised Learning is a way to exploit unlabeled data effectively to reduce over-fitting in DL.In this paper,we extend Generative Adversarial Networks(GANs)to the semi-supervised learning will show it is a method can be used to create a more dataefficient classifier. 展开更多
关键词 Deep learning automated modulation classification semi-supervised learning generative adversarial networks
下载PDF
CoLM^(2)S:Contrastive self‐supervised learning on attributed multiplex graph network with multi‐scale information
6
作者 Beibei Han Yingmei Wei +1 位作者 Qingyong Wang Shanshan Wan 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第4期1464-1479,共16页
Contrastive self‐supervised representation learning on attributed graph networks with Graph Neural Networks has attracted considerable research interest recently.However,there are still two challenges.First,most of t... Contrastive self‐supervised representation learning on attributed graph networks with Graph Neural Networks has attracted considerable research interest recently.However,there are still two challenges.First,most of the real‐word system are multiple relations,where entities are linked by different types of relations,and each relation is a view of the graph network.Second,the rich multi‐scale information(structure‐level and feature‐level)of the graph network can be seen as self‐supervised signals,which are not fully exploited.A novel contrastive self‐supervised representation learning framework on attributed multiplex graph networks with multi‐scale(named CoLM^(2)S)information is presented in this study.It mainly contains two components:intra‐relation contrast learning and interrelation contrastive learning.Specifically,the contrastive self‐supervised representation learning framework on attributed single‐layer graph networks with multi‐scale information(CoLMS)framework with the graph convolutional network as encoder to capture the intra‐relation information with multi‐scale structure‐level and feature‐level selfsupervised signals is introduced first.The structure‐level information includes the edge structure and sub‐graph structure,and the feature‐level information represents the output of different graph convolutional layer.Second,according to the consensus assumption among inter‐relations,the CoLM^(2)S framework is proposed to jointly learn various graph relations in attributed multiplex graph network to achieve global consensus node embedding.The proposed method can fully distil the graph information.Extensive experiments on unsupervised node clustering and graph visualisation tasks demonstrate the effectiveness of our methods,and it outperforms existing competitive baselines. 展开更多
关键词 attributed multiplex graph network contrastive self‐supervised learning graph representation learning multiscale information
下载PDF
LC-NPLA: Label and Community Information-Based Network Presentation Learning Algorithm
7
作者 Shihu Liu Chunsheng Yang Yingjie Liu 《Intelligent Automation & Soft Computing》 2023年第12期203-223,共21页
Many network presentation learning algorithms(NPLA)have originated from the process of the random walk between nodes in recent years.Despite these algorithms can obtain great embedding results,there may be also some l... Many network presentation learning algorithms(NPLA)have originated from the process of the random walk between nodes in recent years.Despite these algorithms can obtain great embedding results,there may be also some limitations.For instance,only the structural information of nodes is considered when these kinds of algorithms are constructed.Aiming at this issue,a label and community information-based network presentation learning algorithm(LC-NPLA)is proposed in this paper.First of all,by using the community information and the label information of nodes,the first-order neighbors of nodes are reconstructed.In the next,the random walk strategy is improved by integrating the degree information and label information of nodes.Then,the node sequence obtained from random walk sampling is transformed into the node representation vector by the Skip-Gram model.At last,the experimental results on ten real-world networks demonstrate that the proposed algorithm has great advantages in the label classification,network reconstruction and link prediction tasks,compared with three benchmark algorithms. 展开更多
关键词 Label information community information network representation learning algorithm random walk
下载PDF
Fault diagnosis of electric transformers based on infrared image processing and semi-supervised learning 被引量:5
8
作者 Jian Fang Fan Yang +2 位作者 Rui Tong Qin Yu Xiaofeng Dai 《Global Energy Interconnection》 EI CAS CSCD 2021年第6期596-607,共12页
It is crucial to maintain the safe and stable operation of distribution transformers,which constitute a key part of power systems.In the event of transformer failure,the fault type must be diagnosed in a timely and ac... It is crucial to maintain the safe and stable operation of distribution transformers,which constitute a key part of power systems.In the event of transformer failure,the fault type must be diagnosed in a timely and accurate manner.To this end,a transformer fault diagnosis method based on infrared image processing and semi-supervised learning is proposed herein.First,we perform feature extraction on the collected infrared-image data to extract temperature,texture,and shape features as the model reference vectors.Then,a generative adversarial network(GAN)is constructed to generate synthetic samples for the minority subset of labelled samples.The proposed method can learn information from unlabeled sample data,unlike conventional supervised learning methods.Subsequently,a semi-supervised graph model is trained on the entire dataset,i.e.,both labeled and unlabeled data.Finally,we test the proposed model on an actual dataset collected from a Chinese electricity provider.The experimental results show that the use of feature extraction,sample generation,and semi-supervised learning model can improve the accuracy of transformer fault classification.This verifies the effectiveness of the proposed method. 展开更多
关键词 TRANSFORMER Fault diagnosis Infrared image Generative adversarial network semi-supervised learning
下载PDF
Multi-task Joint Sparse Representation Classification Based on Fisher Discrimination Dictionary Learning 被引量:6
9
作者 Rui Wang Miaomiao Shen +1 位作者 Yanping Li Samuel Gomes 《Computers, Materials & Continua》 SCIE EI 2018年第10期25-48,共24页
Recently,sparse representation classification(SRC)and fisher discrimination dictionary learning(FDDL)methods have emerged as important methods for vehicle classification.In this paper,inspired by recent breakthroughs ... Recently,sparse representation classification(SRC)and fisher discrimination dictionary learning(FDDL)methods have emerged as important methods for vehicle classification.In this paper,inspired by recent breakthroughs of discrimination dictionary learning approach and multi-task joint covariate selection,we focus on the problem of vehicle classification in real-world applications by formulating it as a multi-task joint sparse representation model based on fisher discrimination dictionary learning to merge the strength of multiple features among multiple sensors.To improve the classification accuracy in complex scenes,we develop a new method,called multi-task joint sparse representation classification based on fisher discrimination dictionary learning,for vehicle classification.In our proposed method,the acoustic and seismic sensor data sets are captured to measure the same physical event simultaneously by multiple heterogeneous sensors and the multi-dimensional frequency spectrum features of sensors data are extracted using Mel frequency cepstral coefficients(MFCC).Moreover,we extend our model to handle sparse environmental noise.We experimentally demonstrate the benefits of joint information fusion based on fisher discrimination dictionary learning from different sensors in vehicle classification tasks. 展开更多
关键词 Multi-sensor fusion fisher discrimination dictionary learning(FDDL) vehicle classification sensor networks sparse representation classification(SRC)
下载PDF
Enhanced Deep Autoencoder Based Feature Representation Learning for Intelligent Intrusion Detection System 被引量:2
10
作者 Thavavel Vaiyapuri Adel Binbusayyis 《Computers, Materials & Continua》 SCIE EI 2021年第9期3271-3288,共18页
In the era of Big data,learning discriminant feature representation from network traffic is identified has as an invariably essential task for improving the detection ability of an intrusion detection system(IDS).Owin... In the era of Big data,learning discriminant feature representation from network traffic is identified has as an invariably essential task for improving the detection ability of an intrusion detection system(IDS).Owing to the lack of accurately labeled network traffic data,many unsupervised feature representation learning models have been proposed with state-of-theart performance.Yet,these models fail to consider the classification error while learning the feature representation.Intuitively,the learnt feature representation may degrade the performance of the classification task.For the first time in the field of intrusion detection,this paper proposes an unsupervised IDS model leveraging the benefits of deep autoencoder(DAE)for learning the robust feature representation and one-class support vector machine(OCSVM)for finding the more compact decision hyperplane for intrusion detection.Specially,the proposed model defines a new unified objective function to minimize the reconstruction and classification error simultaneously.This unique contribution not only enables the model to support joint learning for feature representation and classifier training but also guides to learn the robust feature representation which can improve the discrimination ability of the classifier for intrusion detection.Three set of evaluation experiments are conducted to demonstrate the potential of the proposed model.First,the ablation evaluation on benchmark dataset,NSL-KDD validates the design decision of the proposed model.Next,the performance evaluation on recent intrusion dataset,UNSW-NB15 signifies the stable performance of the proposed model.Finally,the comparative evaluation verifies the efficacy of the proposed model against recently published state-of-the-art methods. 展开更多
关键词 CYBERSECURITY network intrusion detection deep learning autoencoder stacked autoencoder feature representational learning joint learning one-class classifier OCSVM
下载PDF
Early Detection of Diabetic Retinopathy Using Machine Intelligence throughDeep Transfer and Representational Learning 被引量:2
11
作者 Fouzia Nawaz Muhammad Ramzan +3 位作者 Khalid Mehmood Hikmat Ullah Khan Saleem Hayat Khan Muhammad Raheel Bhutta 《Computers, Materials & Continua》 SCIE EI 2021年第2期1631-1645,共15页
Diabetic retinopathy (DR) is a retinal disease that causes irreversible blindness.DR occurs due to the high blood sugar level of the patient, and it is clumsy tobe detected at an early stage as no early symptoms appea... Diabetic retinopathy (DR) is a retinal disease that causes irreversible blindness.DR occurs due to the high blood sugar level of the patient, and it is clumsy tobe detected at an early stage as no early symptoms appear at the initial level. To preventblindness, early detection and regular treatment are needed. Automated detectionbased on machine intelligence may assist the ophthalmologist in examining thepatients’ condition more accurately and efficiently. The purpose of this study is toproduce an automated screening system for recognition and grading of diabetic retinopathyusing machine learning through deep transfer and representational learning.The artificial intelligence technique used is transfer learning on the deep neural network,Inception-v4. Two configuration variants of transfer learning are applied onInception-v4: Fine-tune mode and fixed feature extractor mode. Both configurationmodes have achieved decent accuracy values, but the fine-tuning method outperformsthe fixed feature extractor configuration mode. Fine-tune configuration modehas gained 96.6% accuracy in early detection of DR and 97.7% accuracy in gradingthe disease and has outperformed the state of the art methods in the relevant literature. 展开更多
关键词 Diabetic retinopathy artificial intelligence automated screening system machine learning deep neural network transfer and representational learning
下载PDF
Hierarchical Representations Feature Deep Learning for Face Recognition
12
作者 Haijun Zhang Yinghui Chen 《Journal of Data Analysis and Information Processing》 2020年第3期195-227,共33页
Most modern face recognition and classification systems mainly rely on hand-crafted image feature descriptors. In this paper, we propose a novel deep learning algorithm combining unsupervised and supervised learning n... Most modern face recognition and classification systems mainly rely on hand-crafted image feature descriptors. In this paper, we propose a novel deep learning algorithm combining unsupervised and supervised learning named deep belief network embedded with Softmax regress (DBNESR) as a natural source for obtaining additional, complementary hierarchical representations, which helps to relieve us from the complicated hand-crafted feature-design step. DBNESR first learns hierarchical representations of feature by greedy layer-wise unsupervised learning in a feed-forward (bottom-up) and back-forward (top-down) manner and then makes more efficient recognition with Softmax regress by supervised learning. As a comparison with the algorithms only based on supervised learning, we again propose and design many kinds of classifiers: BP, HBPNNs, RBF, HRBFNNs, SVM and multiple classification decision fusion classifier (MCDFC)—hybrid HBPNNs-HRBFNNs-SVM classifier. The conducted experiments validate: Firstly, the proposed DBNESR is optimal for face recognition with the highest and most stable recognition rates;second, the algorithm combining unsupervised and supervised learning has better effect than all supervised learning algorithms;third, hybrid neural networks have better effect than single model neural network;fourth, the average recognition rate and variance of these algorithms in order of the largest to the smallest are respectively shown as DBNESR, MCDFC, SVM, HRBFNNs, RBF, HBPNNs, BP and BP, RBF, HBPNNs, HRBFNNs, SVM, MCDFC, DBNESR;at last, it reflects hierarchical representations of feature by DBNESR in terms of its capability of modeling hard artificial intelligent tasks. 展开更多
关键词 Face Recognition UNSUPERVISED Hierarchical representations Hybrid Neural networks RBM Deep Belief network Deep learning
下载PDF
Semi-Supervised Dimensionality Reduction of Hyperspectral Image Based on Sparse Multi-Manifold Learning
13
作者 Hong Huang Fulin Luo +1 位作者 Zezhong Ma Hailiang Feng 《Journal of Computer and Communications》 2015年第11期33-39,共7页
In this paper, we proposed a new semi-supervised multi-manifold learning method, called semi- supervised sparse multi-manifold embedding (S3MME), for dimensionality reduction of hyperspectral image data. S3MME exploit... In this paper, we proposed a new semi-supervised multi-manifold learning method, called semi- supervised sparse multi-manifold embedding (S3MME), for dimensionality reduction of hyperspectral image data. S3MME exploits both the labeled and unlabeled data to adaptively find neighbors of each sample from the same manifold by using an optimization program based on sparse representation, and naturally gives relative importance to the labeled ones through a graph-based methodology. Then it tries to extract discriminative features on each manifold such that the data points in the same manifold become closer. The effectiveness of the proposed multi-manifold learning algorithm is demonstrated and compared through experiments on a real hyperspectral images. 展开更多
关键词 HYPERSPECTRAL IMAGE Classification Dimensionality Reduction Multiple MANIFOLDS Structure SPARSE representation semi-supervised learning
下载PDF
Pseudo-label based semi-supervised learning in the distributed machine learning framework
14
作者 王晓曦 WU Wenjun +3 位作者 YANG Feng SI Pengbo ZHANG Xuanyi ZHANG Yanhua 《High Technology Letters》 EI CAS 2022年第2期172-180,共9页
With the emergence of various intelligent applications,machine learning technologies face lots of challenges including large-scale models,application oriented real-time dataset and limited capabilities of nodes in pra... With the emergence of various intelligent applications,machine learning technologies face lots of challenges including large-scale models,application oriented real-time dataset and limited capabilities of nodes in practice.Therefore,distributed machine learning(DML) and semi-supervised learning methods which help solve these problems have been addressed in both academia and industry.In this paper,the semi-supervised learning method and the data parallelism DML framework are combined.The pseudo-label based local loss function for each distributed node is studied,and the stochastic gradient descent(SGD) based distributed parameter update principle is derived.A demo that implements the pseudo-label based semi-supervised learning in the DML framework is conducted,and the CIFAR-10 dataset for target classification is used to evaluate the performance.Experimental results confirm the convergence and the accuracy of the model using the pseudo-label based semi-supervised learning in the DML framework.Given the proportion of the pseudo-label dataset is 20%,the accuracy of the model is over 90% when the value of local parameter update steps between two global aggregations is less than 5.Besides,fixing the global aggregations interval to 3,the model converges with acceptable performance degradation when the proportion of the pseudo-label dataset varies from 20% to 80%. 展开更多
关键词 distributed machine learning(DML) semi-supervised deep neural network(DNN)
下载PDF
Meta-Path-Based Deep Representation Learning for Personalized Point of Interest Recommendation
15
作者 李重 吴梅梅 《Journal of Donghua University(English Edition)》 CAS 2021年第4期310-322,共13页
With the wide application of location-based social networks(LBSNs),personalized point of interest(POI)recommendation becomes popular,especially in the commercial field.Unfortunately,it is challenging to accurately rec... With the wide application of location-based social networks(LBSNs),personalized point of interest(POI)recommendation becomes popular,especially in the commercial field.Unfortunately,it is challenging to accurately recommend POIs to users because the user-POI matrix is extremely sparse.In addition,a user's check-in activities are affected by many influential factors.However,most of existing studies capture only few influential factors.It is hard for them to be extended to incorporate other heterogeneous information in a unified way.To address these problems,we propose a meta-path-based deep representation learning(MPDRL)model for personalized POI recommendation.In this model,we design eight types of meta-paths to fully utilize the rich heterogeneous information in LBSNs for the representations of users and POIs,and deeply mine the correlations between users and POIs.To further improve the recommendation performance,we design an attention-based long short-term memory(LSTM)network to learn the importance of different influential factors on a user's specific check-in activity.To verify the effectiveness of our proposed method,we conduct extensive experiments on a real-world dataset,Foursquare.Experimental results show that the MPDRL model improves at least 16.97%and 23.55%over all comparison methods in terms of the metric Precision@N(Pre@N)and Recall@N(Rec@N)respectively. 展开更多
关键词 meta-path location-based recommendation heterogeneous information network(HIN) deep representation learning
下载PDF
Metarelation2vec:A Metapath-Free Scalable Representation Learning Model for Heterogeneous Networks
16
作者 Lei Chen Yuan Li +1 位作者 Yong Lei Xingye Deng 《Tsinghua Science and Technology》 SCIE EI CAS CSCD 2024年第2期553-575,共23页
Metapaths with specific complex semantics are critical to learning diverse semantic and structural information of heterogeneous networks(HNs)for most of the existing representation learning models.However,any metapath... Metapaths with specific complex semantics are critical to learning diverse semantic and structural information of heterogeneous networks(HNs)for most of the existing representation learning models.However,any metapaths consisting of multiple,simple metarelations must be driven by domain experts.These sensitive,expensive,and limited metapaths severely reduce the flexibility and scalability of the existing models.A metapath-free,scalable representation learning model,called Metarelation2vec,is proposed for HNs with biased joint learning of all metarelations in a bid to address this problem.Specifically,a metarelation-aware,biased walk strategy is first designed to obtain better training samples by using autogenerating cooperation probabilities for all metarelations rather than using expert-given metapaths.Thereafter,grouped nodes by the type,a common and shallow skip-gram model is used to separately learn structural proximity for each node type.Next,grouped links by the type,a novel and shallow model is used to separately learn the semantic proximity for each link type.Finally,supervised by the cooperation probabilities of all meta-words,the biased training samples are thrown into the shallow models to jointly learn the structural and semantic information in the HNs,ensuring the accuracy and scalability of the models.Extensive experimental results on three tasks and four open datasets demonstrate the advantages of our proposed model. 展开更多
关键词 metarelation random walk heterogeneous network metapath representation learning
原文传递
Generative Adversarial Network-Based Electromagnetic Signal Classification: A Semi- Supervised Learning Framework 被引量:8
17
作者 Huaji Zhou Licheng Jiao +3 位作者 Shilian Zheng Lifeng Yang Weiguo Shen Xiaoniu Yang 《China Communications》 SCIE CSCD 2020年第10期157-169,共13页
Generative adversarial network(GAN)has achieved great success in many fields such as computer vision,speech processing,and natural language processing,because of its powerful capabilities for generating realistic samp... Generative adversarial network(GAN)has achieved great success in many fields such as computer vision,speech processing,and natural language processing,because of its powerful capabilities for generating realistic samples.In this paper,we introduce GAN into the field of electromagnetic signal classification(ESC).ESC plays an important role in both military and civilian domains.However,in many specific scenarios,we can’t obtain enough labeled data,which cause failure of deep learning methods because they are easy to fall into over-fitting.Fortunately,semi-supervised learning(SSL)can leverage the large amount of unlabeled data to enhance the classification performance of classifiers,especially in scenarios with limited amount of labeled data.We present an SSL framework by incorporating GAN,which can directly process the raw in-phase and quadrature(IQ)signal data.According to the characteristics of the electromagnetic signal,we propose a weighted loss function,leading to an effective classifier to realize the end-to-end classification of the electromagnetic signal.We validate the proposed method on both public RML2016.04c dataset and real-world Aircraft Communications Addressing and Reporting System(ACARS)signal dataset.Extensive experimental results show that the proposed framework obtains a significant increase in classification accuracy compared with the state-of-the-art studies. 展开更多
关键词 generative adversarial network semi-supervised learning electromagnetic signal classification end-to-end classification weighted loss function
下载PDF
Unfolding the structure-property relationships of Li_(2)S anchoring on two-dimensional materials with high-throughput calculations and machine learning
18
作者 Lujie Jin Hongshuai Wang +2 位作者 Hao Zhao Yujin Ji Youyong Li 《Journal of Energy Chemistry》 SCIE EI CAS CSCD 2023年第7期31-39,I0002,共10页
Lithium-sulfur(Li-S)batteries are notable for their high theoretical energy density,but the‘shuttle effect’and the limited conversion kinetics of Li-S species can downgrade their actual performance.An essential stra... Lithium-sulfur(Li-S)batteries are notable for their high theoretical energy density,but the‘shuttle effect’and the limited conversion kinetics of Li-S species can downgrade their actual performance.An essential strategy is to design anchoring materials(AMs)to appropriately adsorb Li-S species.Herein,we propose a new three-procedure protocol,named InfoAd(Informative Adsorption)to evaluate the anchoring of Li_(2)S on two-dimensional(2D)materials and disclose the underlying importance of material features by combining high-throughput calculation workflow and machine learning(ML).In this paradigm,we calculate the anchoring of Li_(2)S on 12552D A_(x)B_(y)(B in the VIA/VIIA group)materials and pick out 44(un)reported nontoxic 2D binary A_(x)B_(y)AMs,in which the importance of the geometric features on the anchoring effect is revealed by ML for the first time.We develop a new Infograph model for crystals to accurately predict whether a material has a moderate binding with Li_(2)S and extend it to all 2D materials.Our InfoAd protocol elucidates the underlying structure-property relationship of Li_(2)S adsorption on 2D materials and provides a general research framework of adsorption-related materials for catalysis and energy/substance storage. 展开更多
关键词 Adsorption Anchoring material Li-S battery Extreme gradient boosting Graph neural network Material geometry semi-supervised learning
下载PDF
Graph CA: Learning From Graph Counterfactual Augmentation for Knowledge Tracing
19
作者 Xinhua Wang Shasha Zhao +3 位作者 Lei Guo Lei Zhu Chaoran Cui Liancheng Xu 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第11期2108-2123,共16页
With the popularity of online learning in educational settings, knowledge tracing(KT) plays an increasingly significant role. The task of KT is to help students learn more effectively by predicting their next mastery ... With the popularity of online learning in educational settings, knowledge tracing(KT) plays an increasingly significant role. The task of KT is to help students learn more effectively by predicting their next mastery of knowledge based on their historical exercise sequences. Nowadays, many related works have emerged in this field, such as Bayesian knowledge tracing and deep knowledge tracing methods. Despite the progress that has been made in KT, existing techniques still have the following limitations: 1) Previous studies address KT by only exploring the observational sparsity data distribution, and the counterfactual data distribution has been largely ignored. 2) Current works designed for KT only consider either the entity relationships between questions and concepts, or the relations between two concepts, and none of them investigates the relations among students, questions, and concepts, simultaneously, leading to inaccurate student modeling. To address the above limitations,we propose a graph counterfactual augmentation method for knowledge tracing. Concretely, to consider the multiple relationships among different entities, we first uniform students, questions, and concepts in graphs, and then leverage a heterogeneous graph convolutional network to conduct representation learning.To model the counterfactual world, we conduct counterfactual transformations on students’ learning graphs by changing the corresponding treatments and then exploit the counterfactual outcomes in a contrastive learning framework. We conduct extensive experiments on three real-world datasets, and the experimental results demonstrate the superiority of our proposed Graph CA method compared with several state-of-the-art baselines. 展开更多
关键词 Contrastive learning counterfactual representation graph neural network knowledge tracing
下载PDF
Labeling Malicious Communication Samples Based on Semi-Supervised Deep Neural Network 被引量:2
20
作者 Guolin Shao Xingshu Chen +1 位作者 Xuemei Zeng Lina Wang 《China Communications》 SCIE CSCD 2019年第11期183-200,共18页
The limited labeled sample data in the field of advanced security threats detection seriously restricts the effective development of research work.Learning the sample labels from the labeled and unlabeled data has rec... The limited labeled sample data in the field of advanced security threats detection seriously restricts the effective development of research work.Learning the sample labels from the labeled and unlabeled data has received a lot of research attention and various universal labeling methods have been proposed.However,the labeling task of malicious communication samples targeted at advanced threats has to face the two practical challenges:the difficulty of extracting effective features in advance and the complexity of the actual sample types.To address these problems,we proposed a sample labeling method for malicious communication based on semi-supervised deep neural network.This method supports continuous learning and optimization feature representation while labeling sample,and can handle uncertain samples that are outside the concerned sample types.According to the experimental results,our proposed deep neural network can automatically learn effective feature representation,and the validity of features is close to or even higher than that of features which extracted based on expert knowledge.Furthermore,our proposed method can achieve the labeling accuracy of 97.64%~98.50%,which is more accurate than the train-then-detect,kNN and LPA methodsin any labeled-sample proportion condition.The problem of insufficient labeled samples in many network attack detecting scenarios,and our proposed work can function as a reference for the sample labeling tasks in the similar real-world scenarios. 展开更多
关键词 sample LABELING MALICIOUS COMMUNICATION semi-supervised learning DEEP neural network LABEL propagation
下载PDF
上一页 1 2 28 下一页 到第
使用帮助 返回顶部