首页 | 本学科首页   官方微博 | 高级检索  
相似文献
 共查询到20条相似文献,搜索用时 156 毫秒
1.
PMC: Select Materialized Cells in Data Cubes   总被引:1,自引:0,他引:1       下载免费PDF全文
QC-Tree is one of the most storage-efficient structures for data cubes in an MOLAP system. Although QC-Tree can achieve a high compression ratio, it is still a fully materialized data cube. In this paper, an improved structure PMC is presented allowing us to materialize only a part of the cells in a QC-Tree to save more storage space. There is a notable difference between our partially materialization algorithm and traditional materialized views selection algorithms. In a traditional algorithm, when a view is selected, all the cells in this view are to be materialized. Otherwise, if a view is not selected, all the cells in this view will not be materialized. This strategy results in the unstable query performance. The presented algorithm, however, selects and materializes data in cell level, and, along with further reduced space and update cost, it can ensure a stable query performance. A series of experiments are conducted on both synthetic and real data sets. The results show that PMC can further reduce storage space occupied by the data cube, and can shorten the time to update the cube.  相似文献   

2.
Boolean satisfiability (SAT) is a well-known problem in computer science, artificial intelligence, and operations research. This paper focuses on the satisfiability problem of Model RB structure that is similar to graph coloring problems and others. We propose a translation method and three effective complete SAT solving algorithms based on the characterization of Model RB structure. We translate clauses into a graph with exclusive sets and relative sets. In order to reduce search depth, we determine search order using vertex weights and clique in the graph. The results show that our algorithms are much more effective than the best SAT solvers in numerous Model RB benchmarks, especially in those large benchmark instances.  相似文献   

3.
Manifold regularization(MR)provides a powerful framework for semi-supervised classification using both the labeled and unlabeled data.It constrains that similar instances over the manifold graph should share similar classification out-puts according to the manifold assumption.It is easily noted that MR is built on the pairwise smoothness over the manifold graph,i.e.,the smoothness constraint is implemented over all instance pairs and actually considers each instance pair as a single operand.However,the smoothness can be pointwise in nature,that is,the smoothness shall inherently occur“everywhere"to relate the behavior of each point or instance to that of its close neighbors.Thus in this paper,we attempt to de-velop a pointwise MR(PW_MR for short)for semi-supervised learning through constraining on individual local instances.In this way,the pointwise nature of smoothness is preserved,and moreover,by considering individual instances rather than instance pairs,the importance or contribution of individual instances can be introduced.Such importance can be described by the confidence for correct prediction,or the local density,for example.PW.MR provides a different way for implementing manifold smoothness Finally,empirical results show the competitiveness of PW_MR compared to pairwise MR.  相似文献   

4.
Despite the demonstrated success of numerous correlation filter(CF)based tracking approaches,their assumption of circulant structure of samples introduces significant redundancy to learn an effective classifier.In this paper,we develop a fast manifold regularized context-aware correlation tracking algorithm that mines the local manifold structure information of different types of samples.First,different from the traditional CF based tracking that only uses one base sample,we employ a set of contextual samples near to the base sample,and impose a manifold structure assumption on them.Afterwards,to take into account the manifold structure among these samples,we introduce a linear graph Laplacian regularized term into the objective of CF learning.Fortunately,the optimization can be efficiently solved in a closed form with fast Fourier transforms(FFTs),which contributes to a highly efficient implementation.Extensive evaluations on the OTB100 and VOT2016 datasets demonstrate that the proposed tracker performs favorably against several state-of-the-art algorithms in terms of accuracy and robustness.Especially,our tracker is able to run in real-time with 28 fps on a single CPU.  相似文献   

5.
There is a large amount of heterogeneous data distributed in various sources in the upstream of PetroChina. These data can be valuable assets if we can fully use them. Meanwhile, the knowledge graph, as a new emerging technique, provides a way to integrate multi-source heterogeneous data. In this paper, we present one application of the knowledge graph in the upstream of PetroChina. Specifically, we first construct a knowledge graph from both structured and unstructured data with multiple NLP (natural language progressing) methods. Then, we introduce two typical knowledge graph powered applications and show the benefit that the knowledge graph brings to these applications:compared with the traditional machine learning approach, the well log interpretation method powered by knowledge graph shows more than 7.69% improvement of accuracy.  相似文献   

6.
The MAGA is an effective algorithm used for global numerical optimization problems. Drawbacks, however, still existed in the neighborhood selection part of the algorithm. Based on the social cooperate mechanism of agents, an effective neighborhood construction mode is proposed. This mode imports an acquaintance net which describes the relation of agents, and uses that to construct the local environment (neighborhood) for agents. This strategy makes the new mode more reasonable than that of MAGA. The Multi-Agent Social Evolutionary Algorithm (MASEA) based on this construction mode is introduced, and some standard testing functions are tested. In the first experiments, two dimensional, 30 dimensional and 20-1000 dimensional functions are tested to prove the effectiveness of this algorithm. The experimental results show MASEA can find optimal or close-to-optimal solutions at a low computational cost, and its solution quality is quite stable. In addition, the comparative results indicate that MASEA performs much better than the CMA-ES and MAGA in both quality of solution and computational complexity. Even when the dimensions reach 10,000, the performance of MASEA is still good.  相似文献   

7.
Threading is one of the effective schemes to improve the performance of processors. This paper uses the threading scheme to implement a multithreaded processor, which is the combination of several thread slots (also called thread processing unit) and Thread Communication Unit (TCU). The thread slots are accomplished by the pipeline processors that are constructed by General-Purpose-Registers (GPR), function units, write-back unit, program counter, and control unit. TCU includes the thread dispatcher for managing the thread parallelism and instruction parallelism, and the communication unit can control and transmit the dependency data and interrupt signal when data dependency occurs among thread slots. The contribution of this proposed multiprocessor system is a central exception handler (CEHer) to be embedded to handle and manage the interrupt-request of thread slots. The interrupt signal is issued from control unit when data are missed in the local general purpose register, then to assert the CEHer to reduce access latency time of the needed data while the switching-context is among threads. To verify this proposed architecture, this proposed multithreaded processor is simulated in the model-level using petri net graph, and this proposed architecture is simulated using the SimpleScalar 2.0 simulation tools to analyze its performance. The simulation results show that this proposed architecture has better performance, such as data access latency, synchronous hide affection, communication latency, and CPI than that of the multiprocessor systems which use the distributed controller structure.  相似文献   

8.
Spectral clustering based on matrix perturbation theory   总被引:5,自引:1,他引:5  
This paper exposes some intrinsic characteristics of the spectral clustering method by using the tools from the matrix perturbation theory. We construct a weight ma- trix of a graph and study its eigenvalues and eigenvectors. It shows that the num- ber of clusters is equal to the number of eigenvalues that are larger than 1, and the number of points in each of the clusters can be approximated by the associated eigenvalue. It also shows that the eigenvector of the weight matrix can be used directly to perform clustering; that is, the directional angle between the two-row vectors of the matrix derived from the eigenvectors is a suitable distance measure for clustering. As a result, an unsupervised spectral clustering algorithm based on weight matrix (USCAWM) is developed. The experimental results on a number of artificial and real-world data sets show the correctness of the theoretical analysis.  相似文献   

9.
Fuzzy Diffusion Distance Learning for Cartoon Similarity Estimation   总被引:1,自引:0,他引:1       下载免费PDF全文
In this paper,a novel method called fuzzy diffusion maps (FDM) is proposed to evaluate cartoon similarity,which is critical to the applications of cartoon recognition,cartoon clustering and cartoon reusing.We find that the features from heterogeneous sources have different influence on cartoon similarity estimation.In order to take all the features into consideration,a fuzzy consistent relation is presented to convert the preference order of the features into preference degree,from which the weights are calculated.Based on the features and weights,the sum of the squared differences (L2) can be calculated between any cartoon data.However,it has been demonstrated in some research work that the cartoon dataset lies in a low-dimensional manifold,in which the L2 distance cannot evaluate the similarity directly.Unlike the global geodesic distance preserved in Isomap,the local neighboring relationship preserved in Locally Linear Embedding,and the local similarities of neighboring points preserved in Laplacian Eigenmaps,the diffusion maps we adopt preserve diffusion distance summing over all paths of length connecting the two data.As a consequence,this diffusion distance is very robust to noise perturbation.Our experiment in cartoon classification using Receiver Operating Curves shows fuzzy consistent relation’s excellent performance on weights assignment.The FDM’s performance on cartoon similarity evaluation is tested on the experiments of cartoon recognition and clustering.The results show that FDM can evaluate the cartoon similarity more precisely and stably compared with other methods.  相似文献   

10.
In this paper, a new nonlinear fault detection technique based on locally linear embedding (LLE) is developed. LLE can efficiently compute the low-dimensional embedding of the data with the local neighborhood structure information preserved. In this method, a data-dependent kernel matrix which can reflect the nonlinear data structure is defined. Based on the kernel matrix, the Nystrrm formula makes the mapping extended to the testing data possible. With the kernel view of the LLE, two monitoring statistics are constructed. Together with the out of sample extensions, LLE is used for nonlinear fault detection. Simulation cases were studied to demonstrate the performance of the proposed method.  相似文献   

11.
Multi-scale local feature detection enables downstream registration and recognition tasks in med- ical image analysis. This paper articulates a novel robust method for multi-scale local feature extraction on volumetric data. The central idea is the elegant unification of local/global eigen-structures within the powerful framework of anisotropic heat diffusion. First, the local vector field is constructed by way of Hessian matrix and its eigenvectors/eigenvalues. Second, anisotropic heat kernels are computed using the vector field's global graph Laplacian. Robust local features are manifested as extrema across multiple time scales, serving as volumetric heat kernel signature. To tackle the computational challenge for massive volumetric data, we propose a multi- resolution strategy for hierarchical feature extraction based on our feature-preserving down-sampling approach. As a result, heat kernels and local feature identification can be approximated at a coarser level first, and then are pinpointed in a localized region at a finer resolution. Another novelty of this work lies at the initial heat design directly using local eigenvalue for anisotropic heat diffusion across the volumetric domain. We conduct experiments on various medical datasets, and draw comparisons with 3D SIFT method. The diffusion property of our local features, which can be interpreted as random walks in statistics, makes our method robust to noise, and gives rise to intrinsic multi-scale characteristics.  相似文献   

12.
Image segmentation plays an important role in many medical imaging systems, yet in complex circumstances it remains an open problem. One of the main difficulties is the intensity inhomogeneity in an image. In order to tackle this problem, we first introduce a region-based level set segmentation framework to unify the traditional global and local methods. We then propose two novel parameter priors, i.e., the local order regularization and interactive regularization, and then utilize them as the constraints of the objective energy function. The objective energy function is finally minimized via a level set evolution process to achieve image segmentation. Extensive experiments show that the proposed approach has gained significant improvements in both accuracy and efficiency over the state-of-the-art methods.  相似文献   

13.
The method of artificial potential field has obvious advantages among the robot path planning methods including simple structure, small amount of calculation and relatively mature in theory. This paper puts forward the "Integral method" focusing on solving the problem of local minimization. The method analyses the distribution of obstructions in a given environment and regards adjacent obstacles as a whole, By changing the parameters of the repulsive force field, robots can quickly get out of the minimum point and move to the target point. This paper uses the Simurosot platform to carry on the simulation experiment on the improved artificial potential field method, which projects a feasible path successfully and verifies this method.  相似文献   

14.
As we all know, a well-designed graph tends to result in good performance for graph-based semi-supervised learning. Although most graph-based semi-supervised dimensionality reduction approaches perform very well on clean data sets, they usually cannot construct a faithful graph which plays an important role in getting a good performance, when performing on the high dimensional, sparse or noisy data. So this will generally lead to a dramatic performance degradation. To deal with these issues, this paper proposes a feasible strategy called relative semi-supervised dimensionality reduction (RSSDR) by utilizing the perceptual relativity to semi-supervised dimensionality reduction. In RSSDR, firstly, relative transformation will be performed over the training samples to build the relative space. It should be indicated that relative transformation improves the distinguishing ability among data points and diminishes the impact of noise on semi-supervised dimensionality reduction. Secondly, the edge weights of neighborhood graph will be determined through minimizing the local reconstruction error in the relative space such that it can preserve the global geometric structure as well as the local one of the data. Extensive experiments on face, UCI, gene expression, artificial and noisy data sets have been provided to validate the feasibility and effectiveness of the proposed algorithm with the promising results both in classification accuracy and robustness.  相似文献   

15.
易淼  刘小兰 《计算机应用》2011,31(10):2793-2795
为了增强基于图的局部和全部一致性(LGC)半监督算法的处理稀疏和噪声数据的能力,提出了一种基于相对变换的LGC算法。该算法通过相对变换将原始数据空间转换到相对空间,在相对空间中噪声和孤立点远离正常点,稀疏的数据变得相对密集,从而可以提高算法的性能。仿真实验结果表明,基于相对变换的LGC算法有更强的处理稀疏和噪声数据的能力。  相似文献   

16.
分布式存储系统采用冗余策略来确保数据的可靠性和可用性,局部修复码(locally repairable codes,LRC)引起了广泛的关注,极大地减少了数据修复过程中所连接的节点数,在数据存储中作用极大。每个信息码元可以从其他t个不相交的集合中修复,且每个集合大小为r,称此类码具有(r,t)局部度。从校验矩阵入手,提出两种构造具有(r,t)局部度的LRC的方法。方法一利用λ=1的非循环相对差集(relative difference sets,RDS)构造关联矩阵,方法二提出了利用酉设计构造关联矩阵,均在关联矩阵的右侧添加单位矩阵,构造LRC的校验矩阵。两种方法构造的LRC均是一个修复集中包含一个校验节点,并且可以达到任意(r,t)局部度。理论分析表明,构造的两种码的最小距离均满足最小距离界,证明了两种码均是最优的LRC。非循环相对差集构造的码的信息率为1/2,酉设计构造的码的码率在一定条件下高于1/2,码率为r/r+t。  相似文献   

17.
Multimedia understanding for high dimensional data is still a challenging work, due to redundant features, noises and insufficient label information it contains. Graph-based semi-supervised feature learning is an effective approach to address this problem. Nevertheless, Existing graph-based semi-supervised methods usually depend on the pre-constructed Laplacian matrix but rarely modify it in the subsequent classification tasks. In this paper, an adaptive local manifold learning based semi-supervised feature selection is proposed. Compared to the state-of-the-art, the proposed algorithm has two advantages: 1) Adaptive local manifold learning and feature selection are integrated jointly into a single framework, where both the labeled and unlabeled data are utilized. Besides, the correlations between different components are also considered. 2) A group sparsity constraint, i.e. l 2?,?1-norm, is imposed to select the most relevant features. We also apply the proposed algorithm to serval kinds of multimedia understanding applications. Experimental results demonstrate the effectiveness of the proposed algorithm.  相似文献   

18.
杜阳  姜震  冯路捷 《计算机应用》2019,39(12):3462-3466
半监督学习结合少量有标签样本和大量无标签样本,可以有效提高算法的泛化性能。传统的半监督支持向量机(SVM)算法在目标函数中引入无标签样本的依赖项来推动决策面通过低密度区域,但往往会带来高计算复杂度和局部最优解等问题。同时,半监督K-means算法面临着如何有效利用监督信息进行质心的初始化及更新等问题。针对上述问题,提出了一种结合SVM和半监督K-means的新型学习算法(SKAS)。首先,提出一种改进的半监督K-means算法,从距离度量和质心迭代两个方面进行了改进;然后,设计了一种融合算法将半监督K-means算法与SVM相结合以进一步提升算法性能。在6个UCI数据集上的实验结果表明,所提算法在其中5个数据集上的运行结果都优于当前先进的半监督SVM算法和半监督K-means算法,且拥有最高的平均准确率。  相似文献   

19.
图像分类的随机半监督采样方法   总被引:1,自引:1,他引:0  
为更好地利用大量未标注图像样本信息来提高分类器性能,提出一种半监督学习的图像分类算法--随机半监督采样(RSSS).该算法采用迭代随机采样方法,每次采样中通过谱聚类估计未标注样本的类别值,使用SVM进行模型学习,逐步优化模型;同时,使用图像的局部空间直方图特征可以有效地结合图像的统计和空间信息,以提高分类准确度.实验结果表明,RSSS算法可以充分利用未标注样本信息提高分类器的性能,并且可以有效地消除几何变换带来的影响.  相似文献   

20.
吕佳 《计算机应用》2012,32(3):643-645
针对在半监督分类问题中单独使用全局学习容易出现的在整个输入空间中较难获得一个优良的决策函数的问题,以及单独使用局部学习可在特定的局部区域内习得较好的决策函数的特点,提出了一种结合全局和局部正则化的半监督二分类算法。该算法综合全局正则项和局部正则项的优点,基于先验知识构建的全局正则项能平滑样本的类标号以避免局部正则项学习不充分的问题,通过基于局部邻域内样本信息构建的局部正则项使得每个样本的类标号具有理想的特性,从而构造出半监督二分类问题的目标函数。通过在标准二类数据集上的实验,结果表明所提出的算法其平均分类正确率和标准误差均优于基于拉普拉斯正则项方法、基于正则化拉普拉斯正则项方法和基于局部学习正则项方法。  相似文献   

设为首页 | 免责声明 | 关于勤云 | 加入收藏

Copyright©北京勤云科技发展有限公司  京ICP备09084417号