期刊文献+
共找到38篇文章
< 1 2 >
每页显示 20 50 100
Using junction trees for structural learning of Bayesian networks 被引量:1
1
作者 Mingmin Zhu Sanyang Liu +1 位作者 Youlong Yang Kui Liu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2012年第2期286-292,共7页
The learning Bayesian network (BN) structure from data is an NP-hard problem and still one of the most exciting chal- lenges in the machine learning. In this work, a novel algorithm is presented which combines ideas... The learning Bayesian network (BN) structure from data is an NP-hard problem and still one of the most exciting chal- lenges in the machine learning. In this work, a novel algorithm is presented which combines ideas from local learning, constraint- based, and search-and-score techniques in a principled and ef- fective way. It first reconstructs the junction tree of a BN and then performs a K2-scoring greedy search to orientate the local edges in the cliques of junction tree. Theoretical and experimental results show the proposed algorithm is capable of handling networks with a large number of variables. Its comparison with the well-known K2 algorithm is also presented. 展开更多
关键词 Bayesian network (BN) junction tree scoring function structural learning conditional independence.
下载PDF
Structure learning on Bayesian networks by finding the optimal ordering with and without priors 被引量:5
2
作者 HE Chuchao GAO Xiaoguang GUO Zhigao 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2018年第6期1209-1227,共19页
Ordering based search methods have advantages over graph based search methods for structure learning of Bayesian networks in terms on the efficiency. With the aim of further increasing the accuracy of ordering based s... Ordering based search methods have advantages over graph based search methods for structure learning of Bayesian networks in terms on the efficiency. With the aim of further increasing the accuracy of ordering based search methods, we first propose to increase the search space, which can facilitate escaping from the local optima. We present our search operators with majorizations, which are easy to implement. Experiments show that the proposed algorithm can obtain significantly more accurate results. With regard to the problem of the decrease on efficiency due to the increase of the search space, we then propose to add path priors as constraints into the swap process. We analyze the coefficient which may influence the performance of the proposed algorithm, the experiments show that the constraints can enhance the efficiency greatly, while has little effect on the accuracy. The final experiments show that, compared to other competitive methods, the proposed algorithm can find better solutions while holding high efficiency at the same time on both synthetic and real data sets. 展开更多
关键词 Bayesian network structure learning ordering search space graph search space prior constraint
下载PDF
Learning Bayesian network structure with immune algorithm 被引量:4
3
作者 Zhiqiang Cai Shubin Si +1 位作者 Shudong Sun Hongyan Dui 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2015年第2期282-291,共10页
Finding out reasonable structures from bulky data is one of the difficulties in modeling of Bayesian network (BN), which is also necessary in promoting the application of BN. This pa- per proposes an immune algorith... Finding out reasonable structures from bulky data is one of the difficulties in modeling of Bayesian network (BN), which is also necessary in promoting the application of BN. This pa- per proposes an immune algorithm based method (BN-IA) for the learning of the BN structure with the idea of vaccination. Further- more, the methods on how to extract the effective vaccines from local optimal structure and root nodes are also described in details. Finally, the simulation studies are implemented with the helicopter convertor BN model and the car start BN model. The comparison results show that the proposed vaccines and the BN-IA can learn the BN structure effectively and efficiently. 展开更多
关键词 structure learning Bayesian network immune algorithm local optimal structure VACCINATION
下载PDF
Learning Bayesian networks using genetic algorithm 被引量:3
4
作者 Chen Fei Wang Xiufeng Rao Yimei 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2007年第1期142-147,共6页
A new method to evaluate the fitness of the Bayesian networks according to the observed data is provided. The main advantage of this criterion is that it is suitable for both the complete and incomplete cases while th... A new method to evaluate the fitness of the Bayesian networks according to the observed data is provided. The main advantage of this criterion is that it is suitable for both the complete and incomplete cases while the others not. Moreover it facilitates the computation greatly. In order to reduce the search space, the notation of equivalent class proposed by David Chickering is adopted. Instead of using the method directly, the novel criterion, variable ordering, and equivalent class are combined,moreover the proposed mthod avoids some problems caused by the previous one. Later, the genetic algorithm which allows global convergence, lack in the most of the methods searching for Bayesian network is applied to search for a good model in thisspace. To speed up the convergence, the genetic algorithm is combined with the greedy algorithm. Finally, the simulation shows the validity of the proposed approach. 展开更多
关键词 Bayesian networks Genetic algorithm Structure learning Equivalent class
下载PDF
Bayesian network learning algorithm based on unconstrained optimization and ant colony optimization 被引量:3
5
作者 Chunfeng Wang Sanyang Liu Mingmin Zhu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2012年第5期784-790,共7页
Structure learning of Bayesian networks is a wellresearched but computationally hard task.For learning Bayesian networks,this paper proposes an improved algorithm based on unconstrained optimization and ant colony opt... Structure learning of Bayesian networks is a wellresearched but computationally hard task.For learning Bayesian networks,this paper proposes an improved algorithm based on unconstrained optimization and ant colony optimization(U-ACO-B) to solve the drawbacks of the ant colony optimization(ACO-B).In this algorithm,firstly,an unconstrained optimization problem is solved to obtain an undirected skeleton,and then the ACO algorithm is used to orientate the edges,thus returning the final structure.In the experimental part of the paper,we compare the performance of the proposed algorithm with ACO-B algorithm.The experimental results show that our method is effective and greatly enhance convergence speed than ACO-B algorithm. 展开更多
关键词 Bayesian network structure learning ant colony optimization unconstrained optimization
下载PDF
Application of CS-PSO algorithm in Bayesian network structure learning 被引量:3
6
作者 LI Jun-wu LI Guo-ning ZHANG Ding 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2020年第1期94-102,共9页
In view of the shortcomings of traditional Bayesian network(BN)structure learning algorithm,such as low efficiency,premature algorithm and poor learning effect,the intelligent algorithm of cuckoo search(CS)and particl... In view of the shortcomings of traditional Bayesian network(BN)structure learning algorithm,such as low efficiency,premature algorithm and poor learning effect,the intelligent algorithm of cuckoo search(CS)and particle swarm optimization(PSO)is selected.Combined with the characteristics of BN structure,a BN structure learning algorithm of CS-PSO is proposed.Firstly,the CS algorithm is improved from the following three aspects:the maximum spanning tree is used to guide the initialization direction of the CS algorithm,the fitness of the solution is used to adjust the optimization and abandoning process of the solution,and PSO algorithm is used to update the position of the CS algorithm.Secondly,according to the structure characteristics of BN,the CS-PSO algorithm is applied to the structure learning of BN.Finally,chest clinic,credit and car diagnosis classic network are utilized as the simulation model,and the modeling and simulation comparison of greedy algorithm,K2 algorithm,CS algorithm and CS-PSO algorithm are carried out.The results show that the CS-PSO algorithm has fast convergence speed,high convergence accuracy and good stability in the structure learning of BN,and it can get the accurate BN structure model faster and better. 展开更多
关键词 Bayesian network structure learning cuckoo search and particle swarm optimization(CS-PSO)
下载PDF
Causal constraint pruning for exact learning of Bayesian network structure 被引量:1
7
作者 TAN Xiangyuan GAO Xiaoguang +1 位作者 HE Chuchao WANG Zidong 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2021年第4期854-872,共19页
How to improve the efficiency of exact learning of the Bayesian network structure is a challenging issue.In this paper,four different causal constraints algorithms are added into score calculations to prune possible p... How to improve the efficiency of exact learning of the Bayesian network structure is a challenging issue.In this paper,four different causal constraints algorithms are added into score calculations to prune possible parent sets,improving state-ofthe-art learning algorithms’efficiency.Experimental results indicate that exact learning algorithms can significantly improve the efficiency with only a slight loss of accuracy.Under causal constraints,these exact learning algorithms can prune about 70%possible parent sets and reduce about 60%running time while only losing no more than 2%accuracy on average.Additionally,with sufficient samples,exact learning algorithms with causal constraints can also obtain the optimal network.In general,adding max-min parents and children constraints has better results in terms of efficiency and accuracy among these four causal constraints algorithms. 展开更多
关键词 Bayesian network structure learning exact learning algorithm causal constraint
下载PDF
Supervised local and non-local structure preserving projections with application to just-in-time learning for adaptive soft sensor 被引量:4
8
作者 邵伟明 田学民 王平 《Chinese Journal of Chemical Engineering》 SCIE EI CAS CSCD 2015年第12期1925-1934,共10页
In soft sensor field, just-in-time learning(JITL) is an effective approach to model nonlinear and time varying processes. However, most similarity criterions in JITL are computed in the input space only while ignoring... In soft sensor field, just-in-time learning(JITL) is an effective approach to model nonlinear and time varying processes. However, most similarity criterions in JITL are computed in the input space only while ignoring important output information, which may lead to inaccurate construction of relevant sample set. To solve this problem, we propose a novel supervised feature extraction method suitable for the regression problem called supervised local and non-local structure preserving projections(SLNSPP), in which both input and output information can be easily and effectively incorporated through a newly defined similarity index. The SLNSPP can not only retain the virtue of locality preserving projections but also prevent faraway points from nearing after projection,which endues SLNSPP with powerful discriminating ability. Such two good properties of SLNSPP are desirable for JITL as they are expected to enhance the accuracy of similar sample selection. Consequently, we present a SLNSPP-JITL framework for developing adaptive soft sensor, including a sparse learning strategy to limit the scale and update the frequency of database. Finally, two case studies are conducted with benchmark datasets to evaluate the performance of the proposed schemes. The results demonstrate the effectiveness of LNSPP and SLNSPP. 展开更多
关键词 Adaptive soft sensor Just-in-time learning Supervised local and non-local structure preserving projections Locality preserving projections Database monitoring
下载PDF
PGSLM:Edge-Enabled Probabilistic Graph Structure Learning Model for Traffic Forecasting in Internet of Vehicles
9
作者 Xiaozhu Liu Jiaru Zeng +1 位作者 Rongbo Zhu Hao Liu 《China Communications》 SCIE CSCD 2023年第4期270-286,共17页
With the rapid development of the 5G communications,the edge intelligence enables Internet of Vehicles(IoV)to provide traffic forecasting to alleviate traffic congestion and improve quality of experience of users simu... With the rapid development of the 5G communications,the edge intelligence enables Internet of Vehicles(IoV)to provide traffic forecasting to alleviate traffic congestion and improve quality of experience of users simultaneously.To enhance the forecasting performance,a novel edge-enabled probabilistic graph structure learning model(PGSLM)is proposed,which learns the graph structure and parameters by the edge sensing information and discrete probability distribution on the edges of the traffic road network.To obtain the spatio-temporal dependencies of traffic data,the learned dynamic graphs are combined with a predefined static graph to generate the graph convolution part of the recurrent graph convolution module.During the training process,a new graph training loss is introduced,which is composed of the K nearest neighbor(KNN)graph constructed by the traffic feature tensors and the graph structure.Detailed experimental results show that,compared with existing models,the proposed PGSLM improves the traffic prediction performance in terms of average absolute error and root mean square error in IoV. 展开更多
关键词 edge computing traffic forecasting graph convolutional network graph structure learning Internet of Vehicles
下载PDF
Self-Awakened Particle Swarm Optimization BN Structure Learning Algorithm Based on Search Space Constraint
10
作者 Kun Liu Peiran Li +3 位作者 Yu Zhang Jia Ren Xianyu Wang Uzair Aslam Bhatti 《Computers, Materials & Continua》 SCIE EI 2023年第9期3257-3274,共18页
To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the proble... To obtain the optimal Bayesian network(BN)structure,researchers often use the hybrid learning algorithm that combines the constraint-based(CB)method and the score-and-search(SS)method.This hybrid method has the problemthat the search efficiency could be improved due to the ample search space.The search process quickly falls into the local optimal solution,unable to obtain the global optimal.Based on this,the Particle SwarmOptimization(PSO)algorithm based on the search space constraint process is proposed.In the first stage,the method uses dynamic adjustment factors to constrain the structure search space and enrich the diversity of the initial particles.In the second stage,the update mechanism is redefined,so that each step of the update process is consistent with the current structure which forms a one-to-one correspondence.At the same time,the“self-awakened”mechanism is added to prevent precocious particles frombeing part of the best.After the fitness value of the particle converges prematurely,the activation operation makes the particles jump out of the local optimal values to prevent the algorithmfromconverging too quickly into the local optimum.Finally,the standard network dataset was compared with other algorithms.The experimental results showed that the algorithmcould find the optimal solution at a small number of iterations and a more accurate network structure to verify the algorithm’s effectiveness. 展开更多
关键词 Bayesian network structure learning particle swarm optimization
下载PDF
BN-GEPSO:Learning Bayesian Network Structure Using Generalized Particle Swarm Optimization
11
作者 Muhammad Saad Salman Ibrahim M.Almanjahie +1 位作者 AmanUllah Yasin Ammara Nawaz Cheema 《Computers, Materials & Continua》 SCIE EI 2023年第5期4217-4229,共13页
At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer fr... At present Bayesian Networks(BN)are being used widely for demonstrating uncertain knowledge in many disciplines,including biology,computer science,risk analysis,service quality analysis,and business.But they suffer from the problem that when the nodes and edges increase,the structure learning difficulty increases and algorithms become inefficient.To solve this problem,heuristic optimization algorithms are used,which tend to find a near-optimal answer rather than an exact one,with particle swarm optimization(PSO)being one of them.PSO is a swarm intelligence-based algorithm having basic inspiration from flocks of birds(how they search for food).PSO is employed widely because it is easier to code,converges quickly,and can be parallelized easily.We use a recently proposed version of PSO called generalized particle swarm optimization(GEPSO)to learn bayesian network structure.We construct an initial directed acyclic graph(DAG)by using the max-min parent’s children(MMPC)algorithm and cross relative average entropy.ThisDAGis used to create a population for theGEPSO optimization procedure.Moreover,we propose a velocity update procedure to increase the efficiency of the algorithmic search process.Results of the experiments show that as the complexity of the dataset increases,our algorithm Bayesian network generalized particle swarm optimization(BN-GEPSO)outperforms the PSO algorithm in terms of the Bayesian information criterion(BIC)score. 展开更多
关键词 Bayesian network structure learning particle swarm optimization
下载PDF
Evaluating the Efficacy of Latent Variables in Mitigating Data Poisoning Attacks in the Context of Bayesian Networks:An Empirical Study
12
作者 Shahad Alzahrani Hatim Alsuwat Emad Alsuwat 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第5期1635-1654,共20页
Bayesian networks are a powerful class of graphical decision models used to represent causal relationships among variables.However,the reliability and integrity of learned Bayesian network models are highly dependent ... Bayesian networks are a powerful class of graphical decision models used to represent causal relationships among variables.However,the reliability and integrity of learned Bayesian network models are highly dependent on the quality of incoming data streams.One of the primary challenges with Bayesian networks is their vulnerability to adversarial data poisoning attacks,wherein malicious data is injected into the training dataset to negatively influence the Bayesian network models and impair their performance.In this research paper,we propose an efficient framework for detecting data poisoning attacks against Bayesian network structure learning algorithms.Our framework utilizes latent variables to quantify the amount of belief between every two nodes in each causal model over time.We use our innovative methodology to tackle an important issue with data poisoning assaults in the context of Bayesian networks.With regard to four different forms of data poisoning attacks,we specifically aim to strengthen the security and dependability of Bayesian network structure learning techniques,such as the PC algorithm.By doing this,we explore the complexity of this area and offer workablemethods for identifying and reducing these sneaky dangers.Additionally,our research investigates one particular use case,the“Visit to Asia Network.”The practical consequences of using uncertainty as a way to spot cases of data poisoning are explored in this inquiry,which is of utmost relevance.Our results demonstrate the promising efficacy of latent variables in detecting and mitigating the threat of data poisoning attacks.Additionally,our proposed latent-based framework proves to be sensitive in detecting malicious data poisoning attacks in the context of stream data. 展开更多
关键词 Bayesian networks data poisoning attacks latent variables structure learning algorithms adversarial attacks
下载PDF
A Constrained Local Neighborhood Approach for Efficient Markov Blanket Discovery in Undirected Independent Graphs
13
作者 Kun Liu Peiran Li +4 位作者 Yu Zhang JiaRen Ming Li Xianyu Wang Cong Li 《Computers, Materials & Continua》 SCIE EI 2024年第8期2535-2555,共21页
When learning the structure of a Bayesian network,the search space expands significantly as the network size and the number of nodes increase,leading to a noticeable decrease in algorithm efficiency.Traditional constr... When learning the structure of a Bayesian network,the search space expands significantly as the network size and the number of nodes increase,leading to a noticeable decrease in algorithm efficiency.Traditional constraint-based methods typically rely on the results of conditional independence tests.However,excessive reliance on these test results can lead to a series of problems,including increased computational complexity and inaccurate results,especially when dealing with large-scale networks where performance bottlenecks are particularly evident.To overcome these challenges,we propose a Markov blanket discovery algorithm based on constrained local neighborhoods for constructing undirected independence graphs.This method uses the Markov blanket discovery algorithm to refine the constraints in the initial search space,sets an appropriate constraint radius,thereby reducing the initial computational cost of the algorithm and effectively narrowing the initial solution range.Specifically,the method first determines the local neighborhood space to limit the search range,thereby reducing the number of possible graph structures that need to be considered.This process not only improves the accuracy of the search space constraints but also significantly reduces the number of conditional independence tests.By performing conditional independence tests within the local neighborhood of each node,the method avoids comprehensive tests across the entire network,greatly reducing computational complexity.At the same time,the setting of the constraint radius further improves computational efficiency while ensuring accuracy.Compared to other algorithms,this method can quickly and efficiently construct undirected independence graphs while maintaining high accuracy.Experimental simulation results show that,this method has significant advantages in obtaining the structure of undirected independence graphs,not only maintaining an accuracy of over 96%but also reducing the number of conditional independence tests by at least 50%.This significant performance improvement is due to the effective constraint on the search space and the fine control of computational costs. 展开更多
关键词 Bayesian network structure learning Markov blanket conditional independence
下载PDF
Need for education of psychiatric evaluation of offenders with mental disorders:A questionnaire survey for Japanese designated psychiatrists
14
作者 Akihiro Shiina Tomihisa Niitsu +1 位作者 Masaomi Iyo Chiyo Fujii 《World Journal of Psychiatry》 SCIE 2024年第5期726-734,共9页
BACKGROUND The management of offenders with mental disorders has been a significant concern in forensic psychiatry.In Japan,the introduction of the Medical Treatment and Supervision Act in 2005 addressed the issue.How... BACKGROUND The management of offenders with mental disorders has been a significant concern in forensic psychiatry.In Japan,the introduction of the Medical Treatment and Supervision Act in 2005 addressed the issue.However,numerous psychiatric patients at risk of violence still find themselves subject to the administrative involuntary hospitalization(AIH)scheme,which lacks clarity and updated standards.AIM To explore current as well as optimized learning strategies for risk assessment in AIH decision making.METHODS We conducted a questionnaire survey among designated psychiatrists to explore their experiences and expectations regarding training methods for psychiatric assessments of offenders with mental disorders.RESULTS The findings of this study’s survey suggest a prevalent reliance on traditional learning approaches such as oral education and on-the-job training.CONCLUSION This underscores the pressing need for structured training protocols in AIH consultations.Moreover,feedback derived from inpatient treatment experiences is identified as a crucial element for enhancing risk assessment skills. 展开更多
关键词 Forensic psychiatry Administrative involuntary hospitalization Psychiatric assessment Risk assessment Mental disorders Training protocols Clinical practice Structured learning Feedback mechanisms Program development
下载PDF
A hybrid approach for evaluating CPT-based seismic soil liquefaction potential using Bayesian belief networks 被引量:5
15
作者 MAHMOOD Ahmad TANG Xiao-wei +2 位作者 QIU Jiang-nan GU Wen-jing FEEZAN Ahmad 《Journal of Central South University》 SCIE EI CAS CSCD 2020年第2期500-516,共17页
Discernment of seismic soil liquefaction is a complex and non-linear procedure that is affected by diversified factors of uncertainties and complexity.The Bayesian belief network(BBN)is an effective tool to present a ... Discernment of seismic soil liquefaction is a complex and non-linear procedure that is affected by diversified factors of uncertainties and complexity.The Bayesian belief network(BBN)is an effective tool to present a suitable framework to handle insights into such uncertainties and cause–effect relationships.The intention of this study is to use a hybrid approach methodology for the development of BBN model based on cone penetration test(CPT)case history records to evaluate seismic soil liquefaction potential.In this hybrid approach,naive model is developed initially only by an interpretive structural modeling(ISM)technique using domain knowledge(DK).Subsequently,some useful information about the naive model are embedded as DK in the K2 algorithm to develop a BBN-K2 and DK model.The results of the BBN models are compared and validated with the available artificial neural network(ANN)and C4.5 decision tree(DT)models and found that the BBN model developed by hybrid approach showed compatible and promising results for liquefaction potential assessment.The BBN model developed by hybrid approach provides a viable tool for geotechnical engineers to assess sites conditions susceptible to seismic soil liquefaction.This study also presents sensitivity analysis of the BBN model based on hybrid approach and the most probable explanation of liquefied sites,owing to know the most likely scenario of the liquefaction phenomenon. 展开更多
关键词 Bayesian belief network cone penetration test seismic soil liquefaction interpretive structural modeling structural learning
下载PDF
Real-Time Visual Tracking with Compact Shape and Color Feature 被引量:1
16
作者 Zhenguo Gao Shixiong Xia +4 位作者 Yikun Zhang Rui Yao Jiaqi Zhao Qiang Niu Haifeng Jiang 《Computers, Materials & Continua》 SCIE EI 2018年第6期509-521,共13页
The colour feature is often used in the object tracking.The tracking methods extract the colour features of the object and the background,and distinguish them by a classifier.However,these existing methods simply use ... The colour feature is often used in the object tracking.The tracking methods extract the colour features of the object and the background,and distinguish them by a classifier.However,these existing methods simply use the colour information of the target pixels and do not consider the shape feature of the target,so that the description capability of the feature is weak.Moreover,incorporating shape information often leads to large feature dimension,which is not conducive to real-time object tracking.Recently,the emergence of visual tracking methods based on deep learning has also greatly increased the demand for computing resources of the algorithm.In this paper,we propose a real-time visual tracking method with compact shape and colour feature,which forms low dimensional compact shape and colour feature by fusing the shape and colour characteristics of the candidate object region,and reduces the dimensionality of the combined feature through the Hash function.The structural classification function is trained and updated online with dynamic data flow for adapting to the new frames.Further,the classification and prediction of the object are carried out with structured classification function.The experimental results demonstrate that the proposed tracker performs superiorly against several state-of-the-art algorithms on the challenging benchmark dataset OTB-100 and OTB-13. 展开更多
关键词 Visual tracking compact feature colour feature structural learning
下载PDF
Controllable image generation based on causal representation learning 被引量:1
17
作者 Shanshan HUANG Yuanhao WANG +3 位作者 Zhili GONG Jun LIAO Shu WANG Li LIU 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2024年第1期135-148,共14页
Artificial intelligence generated content(AIGC)has emerged as an indispensable tool for producing large-scale content in various forms,such as images,thanks to the significant role that AI plays in imitation and produ... Artificial intelligence generated content(AIGC)has emerged as an indispensable tool for producing large-scale content in various forms,such as images,thanks to the significant role that AI plays in imitation and production.However,interpretability and controllability remain challenges.Existing AI methods often face challenges in producing images that are both flexible and controllable while considering causal relationships within the images.To address this issue,we have developed a novel method for causal controllable image generation(CCIG)that combines causal representation learning with bi-directional generative adversarial networks(GANs).This approach enables humans to control image attributes while considering the rationality and interpretability of the generated images and also allows for the generation of counterfactual images.The key of our approach,CCIG,lies in the use of a causal structure learning module to learn the causal relationships between image attributes and joint optimization with the encoder,generator,and joint discriminator in the image generation module.By doing so,we can learn causal representations in image’s latent space and use causal intervention operations to control image generation.We conduct extensive experiments on a real-world dataset,CelebA.The experimental results illustrate the effectiveness of CCIG. 展开更多
关键词 Image generation Controllable image editing Causal structure learning Causal representation learning
原文传递
Dependence Tree Structure Estimation via Copula
18
作者 Jian Ma Zeng-Qi Sun +1 位作者 Sheng Chen Hong-Hai Liu 《International Journal of Automation and computing》 EI 2012年第2期113-121,共9页
We propose an approach for dependence tree structure learning via copula. A nonparametric algorithm for copula estimation is presented. Then a Chow-Liu like method based on dependence measure via copula is proposed to... We propose an approach for dependence tree structure learning via copula. A nonparametric algorithm for copula estimation is presented. Then a Chow-Liu like method based on dependence measure via copula is proposed to estimate maximum spanning bivariate copula associated with bivariate dependence relations. The main advantage of the approach is that learning with empirical copula focuses on dependence relations among random variables, without the need to know the properties of individual variables as well as without the requirement to specify parametric family of entire underlying distribution for individual variables. Experiments on two real-application data sets show the effectiveness of the proposed method. 展开更多
关键词 COPULA empirical copula DEPENDENCE tree structure learning probability distribution.
下载PDF
Self-Organizing Genetic Algorithm Based Method for Constructing Bayesian Networks from Databases
19
作者 郑建军 刘玉树 陈立潮 《Journal of Beijing Institute of Technology》 EI CAS 2003年第1期23-27,共5页
The typical characteristic of the topology of Bayesian networks (BNs) is the interdependence among different nodes (variables), which makes it impossible to optimize one variable independently of others, and the learn... The typical characteristic of the topology of Bayesian networks (BNs) is the interdependence among different nodes (variables), which makes it impossible to optimize one variable independently of others, and the learning of BNs structures by general genetic algorithms is liable to converge to local extremum. To resolve efficiently this problem, a self-organizing genetic algorithm (SGA) based method for constructing BNs from databases is presented. This method makes use of a self-organizing mechanism to develop a genetic algorithm that extended the crossover operator from one to two, providing mutual competition between them, even adjusting the numbers of parents in recombination (crossover/recomposition) schemes. With the K2 algorithm, this method also optimizes the genetic operators, and utilizes adequately the domain knowledge. As a result, with this method it is able to find a global optimum of the topology of BNs, avoiding premature convergence to local extremum. The experimental results proved to be and the convergence of the SGA was discussed. 展开更多
关键词 Bayesian networks structure learning from databases self-organizing genetic algorithm
下载PDF
Network Traffic Prediction Using Radial Kernelized-Tversky Indexes-Based Multilayer Classifier
20
作者 M.Govindarajan V.Chandrasekaran S.Anitha 《Computer Systems Science & Engineering》 SCIE EI 2022年第3期851-863,共13页
Accurate cellular network traffic prediction is a crucial task to access Internet services for various devices at any time.With the use of mobile devices,communication services generate numerous data for every moment.... Accurate cellular network traffic prediction is a crucial task to access Internet services for various devices at any time.With the use of mobile devices,communication services generate numerous data for every moment.Given the increasing dense population of data,traffic learning and prediction are the main components to substantially enhance the effectiveness of demand-aware resource allocation.A novel deep learning technique called radial kernelized LSTM-based connectionist Tversky multilayer deep structure learning(RKLSTM-CTMDSL)model is introduced for traffic prediction with superior accuracy and minimal time consumption.The RKLSTM-CTMDSL model performs attribute selection and classification processes for cellular traffic prediction.In this model,the connectionist Tversky multilayer deep structure learning includes multiple layers for traffic prediction.A large volume of spatial-temporal data are considered as an input-to-input layer.Thereafter,input data are transmitted to hidden layer 1,where a radial kernelized long short-term memory architecture is designed for the relevant attribute selection using activation function results.After obtaining the relevant attributes,the selected attributes are given to the next layer.Tversky index function is used in this layer to compute similarities among the training and testing traffic patterns.Tversky similarity index outcomes are given to the output layer.Similarity value is used as basis to classify data as heavy network or normal traffic.Thus,cellular network traffic prediction is presented with minimal error rate using the RKLSTM-CTMDSL model.Comparative evaluation proved that the RKLSTM-CTMDSL model outperforms conventional methods. 展开更多
关键词 Cellular network traffic prediction connectionist Tversky multilayer deep structure learning attribute selection classification radial kernelized long short-term memory
下载PDF
上一页 1 2 下一页 到第
使用帮助 返回顶部