首页 > 最新文献

2018 IEEE International Conference on Data Mining (ICDM)最新文献

英文 中文
Rational Neural Networks for Approximating Graph Convolution Operator on Jump Discontinuities 跳跃不连续上逼近图卷积算子的有理神经网络
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00021
Zhiqian Chen, Feng Chen, Rongjie Lai, Xuchao Zhang, Chang-Tien Lu
For node level graph encoding, a recent important state-of-art method is the graph convolutional networks (GCN), which nicely integrate local vertex features and graph topology in the spectral domain. However, current studies suffer from several drawbacks: (1) graph CNNs rely on Chebyshev polynomial approximation which results in oscillatory approximation at jump discontinuities; (2) Increasing the order of Chebyshev polynomial can reduce the oscillations issue, but also incurs unaffordable computational cost; (3) Chebyshev polynomials require degree Ω(poly(1/ε)) to approximate a jump signal such as |x|, while rational function only needs O(poly log(1/ε)). However, it is non-trivial to apply rational approximation without increasing computational complexity due to the denominator. In this paper, the superiority of rational approximation is exploited for graph signal recovering. RatioanlNet is proposed to integrate rational function and neural networks. We show that the rational function of eigenvalues can be rewritten as a function of graph Laplacian, which can avoid multiplication by the eigenvector matrix. Focusing on the analysis of approximation on graph convolution operation, a graph signal regression task is formulated. Under graph signal regression task, its time complexity can be significantly reduced by graph Fourier transform. To overcome the local minimum problem of neural networks model, a relaxed Remez algorithm is utilized to initialize the weight parameters. Convergence rate of RatioanlNet and polynomial based methods on a jump signal is analyzed for a theoretical guarantee. The extensive experimental results demonstrated that our approach could effectively characterize the jump discontinuities, outperforming competing methods by a substantial margin on both synthetic and real-world graphs.
对于节点级图编码,最近一种重要的最先进的方法是图卷积网络(GCN),它很好地融合了谱域的局部顶点特征和图拓扑。然而,目前的研究存在以下几个缺点:(1)图cnn依赖于切比雪夫多项式近似,导致跳变不连续处的振荡近似;(2)提高Chebyshev多项式的阶数可以减少振荡问题,但也会带来难以承受的计算成本;(3)切比雪夫多项式需要Ω(poly(1/ε))次来近似|x|这样的跳跃信号,而有理函数只需要O(poly log(1/ε))次。然而,在不增加计算复杂度的情况下应用有理近似是非常重要的。利用有理逼近法在图信号恢复中的优越性。提出了将有理函数与神经网络相结合的RatioanlNet。我们证明了特征值的有理函数可以重写为图拉普拉斯函数,从而避免了与特征向量矩阵的乘法。重点分析了图卷积运算的逼近性,提出了一个图信号回归任务。在图信号回归任务下,采用图傅里叶变换可以显著降低其时间复杂度。为了克服神经网络模型的局部最小值问题,采用松弛Remez算法对权重参数进行初始化。分析了比率网络和多项式方法对跳变信号的收敛速度,为其提供了理论保证。大量的实验结果表明,我们的方法可以有效地表征跳跃不连续,在合成图和实际图上都优于竞争方法。
{"title":"Rational Neural Networks for Approximating Graph Convolution Operator on Jump Discontinuities","authors":"Zhiqian Chen, Feng Chen, Rongjie Lai, Xuchao Zhang, Chang-Tien Lu","doi":"10.1109/ICDM.2018.00021","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00021","url":null,"abstract":"For node level graph encoding, a recent important state-of-art method is the graph convolutional networks (GCN), which nicely integrate local vertex features and graph topology in the spectral domain. However, current studies suffer from several drawbacks: (1) graph CNNs rely on Chebyshev polynomial approximation which results in oscillatory approximation at jump discontinuities; (2) Increasing the order of Chebyshev polynomial can reduce the oscillations issue, but also incurs unaffordable computational cost; (3) Chebyshev polynomials require degree Ω(poly(1/ε)) to approximate a jump signal such as |x|, while rational function only needs O(poly log(1/ε)). However, it is non-trivial to apply rational approximation without increasing computational complexity due to the denominator. In this paper, the superiority of rational approximation is exploited for graph signal recovering. RatioanlNet is proposed to integrate rational function and neural networks. We show that the rational function of eigenvalues can be rewritten as a function of graph Laplacian, which can avoid multiplication by the eigenvector matrix. Focusing on the analysis of approximation on graph convolution operation, a graph signal regression task is formulated. Under graph signal regression task, its time complexity can be significantly reduced by graph Fourier transform. To overcome the local minimum problem of neural networks model, a relaxed Remez algorithm is utilized to initialize the weight parameters. Convergence rate of RatioanlNet and polynomial based methods on a jump signal is analyzed for a theoretical guarantee. The extensive experimental results demonstrated that our approach could effectively characterize the jump discontinuities, outperforming competing methods by a substantial margin on both synthetic and real-world graphs.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"9 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"114973806","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 8
SSDMV: Semi-Supervised Deep Social Spammer Detection by Multi-view Data Fusion 基于多视图数据融合的半监督深度社会垃圾邮件发送者检测
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00040
Chaozhuo Li, Senzhang Wang, Lifang He, Philip S. Yu, Yanbo Liang, Zhoujun Li
The explosive use of social media makes it a popular platform for malicious users, known as social spammers, to overwhelm legitimate users with unwanted content. Most existing social spammer detection approaches are supervised and need a large number of manually labeled data for training, which is infeasible in practice. To address this issue, some semi-supervised models are proposed by incorporating side information such as user profiles and posted tweets. However, these shallow models are not effective to deeply learn the desirable user representations for spammer detection, and the multi-view data are usually loosely coupled without considering their correlations. In this paper, we propose a Semi-Supervised Deep social spammer detection model by Multi-View data fusion (SSDMV). The insight is that we aim to extensively learn the task-relevant discriminative representations for users to address the challenge of annotation scarcity. Under a unified semi-supervised learning framework, we first design a deep multi-view feature learning module which fuses information from different views, and then propose a label inference module to predict labels for users. The mutual refinement between the two modules ensures SSDMV to be able to both generate high quality features and make accurate predictions.Empirically, we evaluate SSDMV over two real social network datasets on three tasks, and the results demonstrate that SSDMV significantly outperforms the state-of-the-art methods.
社交媒体的爆炸性使用使其成为恶意用户的流行平台,这些恶意用户被称为社交垃圾邮件发送者,他们用不想要的内容淹没合法用户。现有的大多数社交垃圾邮件检测方法都是有监督的,并且需要大量人工标记的数据进行训练,这在实践中是不可行的。为了解决这个问题,提出了一些半监督模型,通过合并用户个人资料和发布的tweet等侧信息。然而,这些浅层模型不能有效地深入学习垃圾邮件发送者检测所需的用户表示,并且多视图数据通常是松散耦合的,而不考虑它们之间的相关性。本文提出了一种基于多视图数据融合(SSDMV)的半监督深度社交垃圾邮件检测模型。我们的目标是为用户广泛学习与任务相关的判别表示,以解决注释稀缺性的挑战。在统一的半监督学习框架下,我们首先设计了融合不同视图信息的深度多视图特征学习模块,然后提出了标签推理模块,为用户预测标签。两个模块之间的相互改进确保了SSDMV能够生成高质量的特征并做出准确的预测。在经验上,我们在两个真实的社会网络数据集上对三个任务进行了评估,结果表明SSDMV显著优于最先进的方法。
{"title":"SSDMV: Semi-Supervised Deep Social Spammer Detection by Multi-view Data Fusion","authors":"Chaozhuo Li, Senzhang Wang, Lifang He, Philip S. Yu, Yanbo Liang, Zhoujun Li","doi":"10.1109/ICDM.2018.00040","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00040","url":null,"abstract":"The explosive use of social media makes it a popular platform for malicious users, known as social spammers, to overwhelm legitimate users with unwanted content. Most existing social spammer detection approaches are supervised and need a large number of manually labeled data for training, which is infeasible in practice. To address this issue, some semi-supervised models are proposed by incorporating side information such as user profiles and posted tweets. However, these shallow models are not effective to deeply learn the desirable user representations for spammer detection, and the multi-view data are usually loosely coupled without considering their correlations. In this paper, we propose a Semi-Supervised Deep social spammer detection model by Multi-View data fusion (SSDMV). The insight is that we aim to extensively learn the task-relevant discriminative representations for users to address the challenge of annotation scarcity. Under a unified semi-supervised learning framework, we first design a deep multi-view feature learning module which fuses information from different views, and then propose a label inference module to predict labels for users. The mutual refinement between the two modules ensures SSDMV to be able to both generate high quality features and make accurate predictions.Empirically, we evaluate SSDMV over two real social network datasets on three tasks, and the results demonstrate that SSDMV significantly outperforms the state-of-the-art methods.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"42 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115010650","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 27
Multi-task Sparse Metric Learning for Monitoring Patient Similarity Progression 多任务稀疏度量学习监测患者相似性进展
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00063
Qiuling Suo, Weida Zhong, Fenglong Ma, Ye Yuan, Mengdi Huai, Aidong Zhang
A clinically meaningful distance metric, which is learned from measuring patient similarity, plays an important role in clinical decision support applications. Several metric learning approaches have been proposed to measure patient similarity, but they are mostly designed for learning the metric at only one time point/interval. It leads to a problem that those approaches cannot reflect the similarity variations among patients with the progression of diseases. In order to capture similarity information from multiple future time points simultaneously, we formulate a multi-task metric learning approach to identify patient similarity. However, it is challenging to directly apply traditional multi-task metric learning methods to learn such similarities due to the high dimensional, complex and noisy nature of healthcare data. Besides, the disease labels often have clinical relationships, which should not be treated as independent. Unfortunately, traditional formulation of the loss function ignores the degree of labels' similarity. To tackle the aforementioned challenges, we propose mtTSML, a multi-task triplet constrained sparse metric learning method, to monitor the similarity progression of patient pairs. In the proposed model, the distance for each task can be regarded as the combination of a common part and a task-specific one in the transformed low-rank space. We then perform sparse feature selection for each individual task to select the most discriminative information. Moreover, we use triplet constraints to guarantee the margin between similar and less similar pairs according to the ordered information of disease severity levels (i.e. labels). The experimental results on two real-world healthcare datasets show that the proposed multi-task metric learning method significantly outperforms the state-of-the-art baselines, including both single-task and multi-task metric learning methods.
从测量患者相似度中学到的具有临床意义的距离度量在临床决策支持应用中起着重要作用。已经提出了几种度量学习方法来测量患者相似性,但它们大多设计用于仅在一个时间点/间隔学习度量。这导致了一个问题,即这些方法不能反映疾病进展的患者之间的相似性差异。为了同时从多个未来时间点获取相似度信息,我们制定了一种多任务度量学习方法来识别患者相似度。然而,由于医疗保健数据的高维、复杂和噪声特性,直接应用传统的多任务度量学习方法来学习这种相似性是具有挑战性的。此外,疾病标签往往具有临床关系,不应被视为独立的。遗憾的是,传统的损失函数公式忽略了标签的相似度。为了解决上述挑战,我们提出了一种多任务三重约束稀疏度量学习方法mtTSML来监测患者对的相似性进展。在该模型中,每个任务的距离可以看作是变换后的低秩空间中公共部分和特定任务部分的结合。然后,我们对每个单独的任务进行稀疏特征选择,以选择最具判别性的信息。此外,根据疾病严重程度的有序信息(即标签),我们使用三元组约束来保证相似对和不太相似对之间的裕度。在两个真实医疗数据集上的实验结果表明,所提出的多任务度量学习方法显著优于最先进的基线,包括单任务和多任务度量学习方法。
{"title":"Multi-task Sparse Metric Learning for Monitoring Patient Similarity Progression","authors":"Qiuling Suo, Weida Zhong, Fenglong Ma, Ye Yuan, Mengdi Huai, Aidong Zhang","doi":"10.1109/ICDM.2018.00063","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00063","url":null,"abstract":"A clinically meaningful distance metric, which is learned from measuring patient similarity, plays an important role in clinical decision support applications. Several metric learning approaches have been proposed to measure patient similarity, but they are mostly designed for learning the metric at only one time point/interval. It leads to a problem that those approaches cannot reflect the similarity variations among patients with the progression of diseases. In order to capture similarity information from multiple future time points simultaneously, we formulate a multi-task metric learning approach to identify patient similarity. However, it is challenging to directly apply traditional multi-task metric learning methods to learn such similarities due to the high dimensional, complex and noisy nature of healthcare data. Besides, the disease labels often have clinical relationships, which should not be treated as independent. Unfortunately, traditional formulation of the loss function ignores the degree of labels' similarity. To tackle the aforementioned challenges, we propose mtTSML, a multi-task triplet constrained sparse metric learning method, to monitor the similarity progression of patient pairs. In the proposed model, the distance for each task can be regarded as the combination of a common part and a task-specific one in the transformed low-rank space. We then perform sparse feature selection for each individual task to select the most discriminative information. Moreover, we use triplet constraints to guarantee the margin between similar and less similar pairs according to the ordered information of disease severity levels (i.e. labels). The experimental results on two real-world healthcare datasets show that the proposed multi-task metric learning method significantly outperforms the state-of-the-art baselines, including both single-task and multi-task metric learning methods.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"23 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129879111","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 22
A Harmonic Motif Modularity Approach for Multi-layer Network Community Detection 基于谐波基序模块化的多层网络社区检测方法
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00132
Ling Huang, Changdong Wang, Hongyang Chao
During the past several years, multi-layer network community detection has drawn an increasing amount of attention and many approaches have been developed from different perspectives. Despite the success, they mainly rely on the lower-order connectivity structure at the level of individual nodes and edges. However, the higher-order connectivity structure plays the essential role as the building block for multiplex networks, which may contain better signature of community than edge. The main challenge in utilizing higher-order structure for multi-layer network community detection is that the most representative higher-order structure may vary from one layer to another. In this paper, we propose a higher-order structural approach for multi-layer network community detection, termed harmonic motif modularity (HM-Modularity). The key idea is to design a novel higher-order structure, termed harmonic motif, which is able to integrate higher-order structural information from multiple layers to construct a primary layer. The higher-order structural information of each individual layer is also extracted, which is taken as the auxiliary information for discovering the multi-layer community structure. A coupling is established between the primary layer and each auxiliary layer. Finally, a harmonic motif modularity is designed to generate the community structure. By solving the optimization problem of the harmonic motif modularity, the community labels of the primary layer can be obtained to reveal the community structure of the original multi-layer network. Experiments have been conducted to show the effectiveness of the proposed method.
近年来,多层网络社区检测受到越来越多的关注,从不同的角度开发了许多方法。尽管取得了成功,但它们主要依赖于单个节点和边的低阶连接结构。而高阶连接结构作为多路网络的基本组成部分,具有比边缘更好的社区特征。利用高阶结构进行多层网络社区检测的主要挑战是最具代表性的高阶结构可能在每一层之间变化。本文提出了一种用于多层网络社区检测的高阶结构方法,称为谐波基序模块化(HM-Modularity)。其核心思想是设计一种新颖的高阶结构,即谐波基序,它能够将多层高阶结构信息整合在一起,构成一个初级结构层。提取各层的高阶结构信息,作为发现多层群落结构的辅助信息。在主层和每个辅助层之间建立了耦合。最后,设计了一个和谐的母题模块来生成社区结构。通过求解谐波基序模块化的优化问题,可以得到底层的群体标签,从而揭示原始多层网络的群体结构。实验结果表明了该方法的有效性。
{"title":"A Harmonic Motif Modularity Approach for Multi-layer Network Community Detection","authors":"Ling Huang, Changdong Wang, Hongyang Chao","doi":"10.1109/ICDM.2018.00132","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00132","url":null,"abstract":"During the past several years, multi-layer network community detection has drawn an increasing amount of attention and many approaches have been developed from different perspectives. Despite the success, they mainly rely on the lower-order connectivity structure at the level of individual nodes and edges. However, the higher-order connectivity structure plays the essential role as the building block for multiplex networks, which may contain better signature of community than edge. The main challenge in utilizing higher-order structure for multi-layer network community detection is that the most representative higher-order structure may vary from one layer to another. In this paper, we propose a higher-order structural approach for multi-layer network community detection, termed harmonic motif modularity (HM-Modularity). The key idea is to design a novel higher-order structure, termed harmonic motif, which is able to integrate higher-order structural information from multiple layers to construct a primary layer. The higher-order structural information of each individual layer is also extracted, which is taken as the auxiliary information for discovering the multi-layer community structure. A coupling is established between the primary layer and each auxiliary layer. Finally, a harmonic motif modularity is designed to generate the community structure. By solving the optimization problem of the harmonic motif modularity, the community labels of the primary layer can be obtained to reveal the community structure of the original multi-layer network. Experiments have been conducted to show the effectiveness of the proposed method.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"20 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"134205194","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 35
Next Point-of-Interest Recommendation with Temporal and Multi-level Context Attention 下一个兴趣点推荐与时间和多层次的上下文注意
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00144
Ranzhen Li, Yanyan Shen, Yanmin Zhu
With the prosperity of the location-based social networks, next Point-of-Interest (POI) recommendation has become an important service and received much attention in recent years. The next POI is dynamically determined by the mobility pattern and various contexts associated with user check-in sequence. However, exploring spatial-temporal mobility patterns and incorporating heterogeneous contextual factors for recommendation are challenging issues to be resolved. In this paper, we introduce a novel neural network model named TMCA (Temporal and Multi-level Context Attention) for next POI recommendation. Our model employs the LSTM-based encoder-decoder framework, which is able to automatically learn deep spatial-temporal representations for historical check-in activities and integrate multiple contextual factors using the embedding method in a unified manner. We further propose the temporal and multi-level context attention mechanisms to adaptively select relevant check-in activities and contextual factors for next POI preference prediction. Extensive experiments have been conducted using two real-world check-in datasets. The results verify (1) the superior performance of our proposed method in different evaluation metrics, compared with several state-of-the-art methods; and (2) the effectiveness of the temporal and multi-level context attention mechanisms on recommendation performance.
随着基于位置的社交网络的蓬勃发展,下一个兴趣点(POI)推荐成为近年来备受关注的一项重要服务。下一个POI由移动性模式和与用户签入序列相关的各种上下文动态确定。然而,探索时空流动模式并将异质背景因素纳入推荐是一个需要解决的具有挑战性的问题。本文引入了一种新的神经网络模型TMCA (Temporal and Multi-level Context Attention),用于推荐下一个POI。我们的模型采用基于lstm的编码器-解码器框架,该框架能够自动学习历史签入活动的深度时空表示,并使用嵌入方法统一集成多个上下文因素。我们进一步提出了时间和多层次的上下文注意机制,以自适应地选择相关的签入活动和上下文因素,以进行下一个POI偏好预测。使用两个真实世界的登记数据集进行了广泛的实验。结果验证了:(1)与几种最先进的方法相比,我们提出的方法在不同的评估指标上表现优异;(2)时态和多层次上下文注意机制对推荐性能的影响。
{"title":"Next Point-of-Interest Recommendation with Temporal and Multi-level Context Attention","authors":"Ranzhen Li, Yanyan Shen, Yanmin Zhu","doi":"10.1109/ICDM.2018.00144","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00144","url":null,"abstract":"With the prosperity of the location-based social networks, next Point-of-Interest (POI) recommendation has become an important service and received much attention in recent years. The next POI is dynamically determined by the mobility pattern and various contexts associated with user check-in sequence. However, exploring spatial-temporal mobility patterns and incorporating heterogeneous contextual factors for recommendation are challenging issues to be resolved. In this paper, we introduce a novel neural network model named TMCA (Temporal and Multi-level Context Attention) for next POI recommendation. Our model employs the LSTM-based encoder-decoder framework, which is able to automatically learn deep spatial-temporal representations for historical check-in activities and integrate multiple contextual factors using the embedding method in a unified manner. We further propose the temporal and multi-level context attention mechanisms to adaptively select relevant check-in activities and contextual factors for next POI preference prediction. Extensive experiments have been conducted using two real-world check-in datasets. The results verify (1) the superior performance of our proposed method in different evaluation metrics, compared with several state-of-the-art methods; and (2) the effectiveness of the temporal and multi-level context attention mechanisms on recommendation performance.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130938703","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 82
T2S: Domain Adaptation Via Model-Independent Inverse Mapping and Model Reuse 基于模型无关逆映射和模型重用的领域自适应
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00163
Zhihui Shen, Ming Li
Domain adaptation, which is able to leverage the abundant supervision from the source domain and limited supervision in the target domain to construct a model for the data in the target domain, has drawn significant attentions. Most of the existing domain adaptation methods elaborate to map the information derived from the source domain to the target domain for model construction in the target domain. However, such a 'Source' (S) to 'Target' (T) mapping usually involves 'tailoring' the information from the source domain to fit the target domain, which may lose valuable information in the source domain for model construction. Moreover, such a mapping is usually tightly coupled with the model construction, which is more complex than a separate model construction or mapping construction. In this paper, we provide an alternative way for domain adaptation, named T2S. Instead of mapping the 'S' to 'T' and constructing a model in 'T', we inversely map 'T' to 'S' and reuse the model that has been well-trained with abundant information in 'S' for prediction. Such an approach enjoys the abundant information in source domain for model construction and the simplicity of learning mapping separately with limited supervision in target domain. Experiments on both synthetic and real-world data sets indicate the effectiveness of our framework.
领域自适应是利用源领域的丰富监督和目标领域的有限监督来构建目标领域数据模型的一种研究方法。现有的领域自适应方法大多是将源领域的信息映射到目标领域,以便在目标领域中构建模型。然而,这种“源”到“目标”的映射通常涉及到从源域“裁剪”信息以适应目标域,这可能会丢失源域中用于模型构建的有价值的信息。此外,这样的映射通常与模型构造紧密耦合,这比单独的模型构造或映射构造更复杂。在本文中,我们提供了另一种域自适应方法,称为T2S。我们不是将“S”映射到“T”并在“T”中构建模型,而是将“T”反向映射到“S”,并重用在“S”中经过良好训练并具有丰富信息的模型进行预测。该方法具有源域构建模型信息丰富、单独学习映射简单、目标域监督有限等优点。在合成数据集和真实数据集上的实验表明了我们的框架的有效性。
{"title":"T2S: Domain Adaptation Via Model-Independent Inverse Mapping and Model Reuse","authors":"Zhihui Shen, Ming Li","doi":"10.1109/ICDM.2018.00163","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00163","url":null,"abstract":"Domain adaptation, which is able to leverage the abundant supervision from the source domain and limited supervision in the target domain to construct a model for the data in the target domain, has drawn significant attentions. Most of the existing domain adaptation methods elaborate to map the information derived from the source domain to the target domain for model construction in the target domain. However, such a 'Source' (S) to 'Target' (T) mapping usually involves 'tailoring' the information from the source domain to fit the target domain, which may lose valuable information in the source domain for model construction. Moreover, such a mapping is usually tightly coupled with the model construction, which is more complex than a separate model construction or mapping construction. In this paper, we provide an alternative way for domain adaptation, named T2S. Instead of mapping the 'S' to 'T' and constructing a model in 'T', we inversely map 'T' to 'S' and reuse the model that has been well-trained with abundant information in 'S' for prediction. Such an approach enjoys the abundant information in source domain for model construction and the simplicity of learning mapping separately with limited supervision in target domain. Experiments on both synthetic and real-world data sets indicate the effectiveness of our framework.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"61 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132626285","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
A TIMBER Framework for Mining Urban Tree Inventories Using Remote Sensing Datasets 利用遥感数据集挖掘城市树木清单的木材框架
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00183
Yiqun Xie, Han Bao, S. Shekhar, Joseph K. Knight
Tree inventories are important datasets for many societal applications (e.g., urban planning). However, tree inventories still remain unavailable in most urban areas. We aim to automate tree identification at individual levels in urban areas at a large scale using remote sensing datasets. The problem is challenging due to the complexity of the landscape in urban scenarios and the lack of ground truth data. In related work, tree identification algorithms have mainly focused on controlled forest regions where the landscape is mostly homogeneous with trees, making the methods difficult to generalize to urban environments. We propose a TIMBER framework to find individual trees in complex urban environments and a Core Object REduction (CORE) algorithm to improve the computational efficiency of TIMBER. Experiments show that TIMBER can efficiently detect urban trees with high accuracy.
树木清单是许多社会应用(如城市规划)的重要数据集。但是,大多数城市地区仍然没有树木清单。我们的目标是利用遥感数据集在城市地区的个体水平上实现大规模的树木识别自动化。由于城市景观的复杂性和缺乏地面真实数据,这个问题具有挑战性。在相关工作中,树木识别算法主要集中在树木多为同质的受控林区,难以推广到城市环境。我们提出了一个在复杂城市环境中寻找单个树木的TIMBER框架,并提出了一个核心对象约简(Core)算法来提高TIMBER的计算效率。实验表明,该方法可以有效地检测城市树木,具有较高的准确率。
{"title":"A TIMBER Framework for Mining Urban Tree Inventories Using Remote Sensing Datasets","authors":"Yiqun Xie, Han Bao, S. Shekhar, Joseph K. Knight","doi":"10.1109/ICDM.2018.00183","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00183","url":null,"abstract":"Tree inventories are important datasets for many societal applications (e.g., urban planning). However, tree inventories still remain unavailable in most urban areas. We aim to automate tree identification at individual levels in urban areas at a large scale using remote sensing datasets. The problem is challenging due to the complexity of the landscape in urban scenarios and the lack of ground truth data. In related work, tree identification algorithms have mainly focused on controlled forest regions where the landscape is mostly homogeneous with trees, making the methods difficult to generalize to urban environments. We propose a TIMBER framework to find individual trees in complex urban environments and a Core Object REduction (CORE) algorithm to improve the computational efficiency of TIMBER. Experiments show that TIMBER can efficiently detect urban trees with high accuracy.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"4 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132681764","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 16
Text Segmentation on Multilabel Documents: A Distant-Supervised Approach 多标签文档的文本分割:一种远程监督方法
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00154
Saurav Manchanda, G. Karypis
Segmenting text into semantically coherent segments is an important task with applications in information retrieval and text summarization. Developing accurate topical segmentation requires the availability of training data with ground truth information at the segment level. However, generating such labeled datasets, especially for applications in which the meaning of the labels is user-defined, is expensive and time-consuming. In this paper, we develop an approach that instead of using segment-level ground truth information, it instead uses the set of labels that are associated with a document and are easier to obtain as the training data essentially corresponds to a multilabel dataset. Our method, which can be thought of as an instance of distant supervision, improves upon the previous approaches by exploiting the fact that consecutive sentences in a document tend to talk about the same topic, and hence, probably belong to the same class. Experiments on the text segmentation task on a variety of datasets show that the segmentation produced by our method beats the competing approaches on four out of five datasets and performs at par on the fifth dataset. On the multilabel text classification task, our method performs at par with the competing approaches, while requiring significantly less time to estimate than the competing approaches.
将文本分割成语义连贯的片段是信息检索和文本摘要中的一项重要任务。开发准确的主题分割需要在片段级别上获得具有真实信息的训练数据。然而,生成这样的标记数据集,特别是对于标签的含义是用户定义的应用程序,是昂贵和耗时的。在本文中,我们开发了一种方法,而不是使用段级基础真值信息,而是使用与文档相关的标签集,并且更容易获得,因为训练数据本质上对应于多标签数据集。我们的方法可以被认为是远程监督的一个实例,通过利用文档中的连续句子倾向于谈论同一个主题,因此可能属于同一个类的事实,改进了以前的方法。在各种数据集上的文本分割任务实验表明,我们的方法在五个数据集中的四个数据集上优于竞争方法,在第五个数据集上表现相同。在多标签文本分类任务上,我们的方法的性能与竞争方法相当,而所需的估计时间明显少于竞争方法。
{"title":"Text Segmentation on Multilabel Documents: A Distant-Supervised Approach","authors":"Saurav Manchanda, G. Karypis","doi":"10.1109/ICDM.2018.00154","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00154","url":null,"abstract":"Segmenting text into semantically coherent segments is an important task with applications in information retrieval and text summarization. Developing accurate topical segmentation requires the availability of training data with ground truth information at the segment level. However, generating such labeled datasets, especially for applications in which the meaning of the labels is user-defined, is expensive and time-consuming. In this paper, we develop an approach that instead of using segment-level ground truth information, it instead uses the set of labels that are associated with a document and are easier to obtain as the training data essentially corresponds to a multilabel dataset. Our method, which can be thought of as an instance of distant supervision, improves upon the previous approaches by exploiting the fact that consecutive sentences in a document tend to talk about the same topic, and hence, probably belong to the same class. Experiments on the text segmentation task on a variety of datasets show that the segmentation produced by our method beats the competing approaches on four out of five datasets and performs at par on the fifth dataset. On the multilabel text classification task, our method performs at par with the competing approaches, while requiring significantly less time to estimate than the competing approaches.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"33 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133662392","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 6
eOTD: An Efficient Online Tucker Decomposition for Higher Order Tensors 高阶张量的高效在线Tucker分解
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00180
Houping Xiao, Fei Wang, Fenglong Ma, Jing Gao
A tensor (i.e., an N-mode array) is a natural representation for multidimensional data. Tucker Decomposition (TD) is one of the most popular methods, and a series of batch TD algorithms have been extensively studied and widely applied in signal/image processing, bioinformatics, etc. However, in many applications, the large-scale tensor is dynamically evolving at all modes, which poses significant challenges for existing approaches to track the TD for such dynamic tensors. In this paper, we propose an efficient Online Tucker Decomposition (eOTD) approach to track the TD of dynamic tensors with an arbitrary number of modes. We first propose corollaries on the multiplication of block tensor matrix. Based on this corollary, eOTD allows us 1) to update the projection matrices using those projection matrices from the previous timestamp and the auxiliary matrices from the current timestamp, and 2) to update the core tensor by a sum of tensors that are obtained by multiplying smaller tensors with matrices. The auxiliary matrices are obtained by solving a series of least square regression tasks, not by performing Singular Value Decompositions (SVD). This overcomes the bottleneck in computation and storage caused by computing SVDs on largescale data. A Modified Gram-Schmidt (MGS) process is further applied to orthonormalize the projection matrices. Theoretically, the output of the eOTD framework is guaranteed to be lowrank. We further prove that the MGS process will not increase Tucker decomposition error. Empirically, we demonstrate that the proposed eOTD achieves comparable accuracy with a significant speedup on both synthetic and real data, where the speedup can be more than 1,500 times on large-scale data.
张量(即n模数组)是多维数据的自然表示。塔克分解(Tucker Decomposition, TD)是其中最流行的方法之一,一系列的批处理TD算法在信号/图像处理、生物信息学等领域得到了广泛的研究和应用。然而,在许多应用中,大尺度张量在所有模式下都是动态演化的,这对现有的跟踪此类动态张量TD的方法提出了重大挑战。在本文中,我们提出了一种有效的在线塔克分解(eOTD)方法来跟踪具有任意数模态的动态张量的TD。我们首先提出了块张量矩阵乘法的推论。基于这个推论,eOTD允许我们1)使用来自前时间戳的投影矩阵和来自当前时间戳的辅助矩阵来更新投影矩阵,以及2)通过将较小的张量与矩阵相乘获得的张量和来更新核心张量。辅助矩阵是通过求解一系列最小二乘回归任务得到的,而不是通过执行奇异值分解(SVD)得到的。这克服了在大规模数据上计算奇异值所带来的计算和存储瓶颈。进一步应用改进的Gram-Schmidt (MGS)过程对投影矩阵进行正交化。理论上,eOTD框架的输出保证是低秩的。进一步证明了MGS过程不会增加Tucker分解误差。我们的经验表明,所提出的eOTD在合成数据和真实数据上都实现了相当的精度和显著的加速,其中在大规模数据上的加速可以超过1500倍。
{"title":"eOTD: An Efficient Online Tucker Decomposition for Higher Order Tensors","authors":"Houping Xiao, Fei Wang, Fenglong Ma, Jing Gao","doi":"10.1109/ICDM.2018.00180","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00180","url":null,"abstract":"A tensor (i.e., an N-mode array) is a natural representation for multidimensional data. Tucker Decomposition (TD) is one of the most popular methods, and a series of batch TD algorithms have been extensively studied and widely applied in signal/image processing, bioinformatics, etc. However, in many applications, the large-scale tensor is dynamically evolving at all modes, which poses significant challenges for existing approaches to track the TD for such dynamic tensors. In this paper, we propose an efficient Online Tucker Decomposition (eOTD) approach to track the TD of dynamic tensors with an arbitrary number of modes. We first propose corollaries on the multiplication of block tensor matrix. Based on this corollary, eOTD allows us 1) to update the projection matrices using those projection matrices from the previous timestamp and the auxiliary matrices from the current timestamp, and 2) to update the core tensor by a sum of tensors that are obtained by multiplying smaller tensors with matrices. The auxiliary matrices are obtained by solving a series of least square regression tasks, not by performing Singular Value Decompositions (SVD). This overcomes the bottleneck in computation and storage caused by computing SVDs on largescale data. A Modified Gram-Schmidt (MGS) process is further applied to orthonormalize the projection matrices. Theoretically, the output of the eOTD framework is guaranteed to be lowrank. We further prove that the MGS process will not increase Tucker decomposition error. Empirically, we demonstrate that the proposed eOTD achieves comparable accuracy with a significant speedup on both synthetic and real data, where the speedup can be more than 1,500 times on large-scale data.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"22 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133497338","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 8
Prerequisite-Driven Deep Knowledge Tracing 先决条件驱动的深度知识跟踪
Pub Date : 2018-11-01 DOI: 10.1109/ICDM.2018.00019
Penghe Chen, Yu Lu, V. Zheng, Yang Pian
Knowledge tracing serves as the key technique in the computer supported education environment (e.g., intelligent tutoring systems) to model student's knowledge states. While the Bayesian knowledge tracing and deep knowledge tracing models have been developed, the sparseness of student's exercise data still limits knowledge tracing's performance and applications. In order to address this issue, we advocate for and propose to incorporate the knowledge structure information, especially the prerequisite relations between pedagogical concepts, into the knowledge tracing model. Specifically, by considering how students master pedagogical concepts and their prerequisites, we model prerequisite concept pairs as ordering pairs. With a proper mathematical formulation, this property can be utilized as constraints in designing knowledge tracing model. As a result, the obtained model can have a better performance on student concept mastery prediction. In order to evaluate this model, we test it on five different real world datasets, and the experimental results show that the proposed model achieves a significant performance improvement by comparing with three knowledge tracing models.
知识跟踪是计算机支持的教育环境(如智能辅导系统)中建模学生知识状态的关键技术。虽然贝叶斯知识跟踪和深度知识跟踪模型已经发展起来,但学生习题数据的稀疏性仍然限制了知识跟踪的性能和应用。为了解决这一问题,我们主张并建议将知识结构信息,特别是教学概念之间的前提关系,纳入到知识追踪模型中。具体而言,通过考虑学生如何掌握教学概念及其先决条件,我们将先决条件概念对建模为排序对。通过适当的数学表达式,可以将这一性质作为设计知识跟踪模型的约束。结果表明,所得模型对学生概念掌握的预测效果较好。为了评估该模型,我们在五个不同的真实世界数据集上对其进行了测试,实验结果表明,与三种知识跟踪模型相比,该模型的性能得到了显著提高。
{"title":"Prerequisite-Driven Deep Knowledge Tracing","authors":"Penghe Chen, Yu Lu, V. Zheng, Yang Pian","doi":"10.1109/ICDM.2018.00019","DOIUrl":"https://doi.org/10.1109/ICDM.2018.00019","url":null,"abstract":"Knowledge tracing serves as the key technique in the computer supported education environment (e.g., intelligent tutoring systems) to model student's knowledge states. While the Bayesian knowledge tracing and deep knowledge tracing models have been developed, the sparseness of student's exercise data still limits knowledge tracing's performance and applications. In order to address this issue, we advocate for and propose to incorporate the knowledge structure information, especially the prerequisite relations between pedagogical concepts, into the knowledge tracing model. Specifically, by considering how students master pedagogical concepts and their prerequisites, we model prerequisite concept pairs as ordering pairs. With a proper mathematical formulation, this property can be utilized as constraints in designing knowledge tracing model. As a result, the obtained model can have a better performance on student concept mastery prediction. In order to evaluate this model, we test it on five different real world datasets, and the experimental results show that the proposed model achieves a significant performance improvement by comparing with three knowledge tracing models.","PeriodicalId":286444,"journal":{"name":"2018 IEEE International Conference on Data Mining (ICDM)","volume":"85 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2018-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126966919","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 100
期刊
2018 IEEE International Conference on Data Mining (ICDM)
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1