首页 > 最新文献

Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining最新文献

英文 中文
Fake News Research: Theories, Detection Strategies, and Open Problems 假新闻研究:理论、检测策略和开放性问题
R. Zafarani, Xinyi Zhou, Kai Shu, Huan Liu
Fake news has become a global phenomenon due its explosive growth, particularly on social media. The goal of this tutorial is to (1) clearly introduce the concept and characteristics of fake news and how it can be formally differentiated from other similar concepts such as mis-/dis-information, satire news, rumors, among others, which helps deepen the understanding of fake news; (2) provide a comprehensive review of fundamental theories across disciplines and illustrate how they can be used to conduct interdisciplinary fake news research, facilitating a concerted effort of experts in computer and information science, political science, journalism, social science, psychology and economics. Such concerted efforts can result in highly efficient and explainable fake news detection; (3) systematically present fake news detection strategies from four perspectives (i.e., knowledge, style, propagation, and credibility) and the ways that each perspective utilizes techniques developed in data/graph mining, machine learning, natural language processing, and information retrieval; and (4) detail open issues within current fake news studies to reveal great potential research opportunities, hoping to attract researchers within a broader area to work on fake news detection and further facilitate its development. The tutorial aims to promote a fair, healthy and safe online information and news dissemination ecosystem, hoping to attract more researchers, engineers and students with various interests to fake news research. Few prerequisite are required for KDD participants to attend.
由于假新闻的爆炸性增长,特别是在社交媒体上,假新闻已经成为一种全球现象。本教程的目标是:(1)清楚地介绍假新闻的概念和特征,以及如何将其与其他类似概念(如mis /dis-information,讽刺新闻,谣言等)正式区分开来,这有助于加深对假新闻的理解;(2)对跨学科的基础理论进行全面回顾,并说明如何利用这些理论进行跨学科的假新闻研究,促进计算机与信息科学、政治学、新闻学、社会科学、心理学和经济学专家的协同努力。这种协调一致的努力可以导致高效和可解释的假新闻检测;(3)从四个角度(即知识、风格、传播和可信度)系统地介绍假新闻检测策略,以及每个角度如何利用数据/图挖掘、机器学习、自然语言处理和信息检索等技术;(4)详细介绍当前假新闻研究中的开放性问题,揭示巨大的潜在研究机会,希望吸引更广泛领域的研究人员从事假新闻检测工作,进一步促进其发展。该教程旨在促进一个公平、健康、安全的网络信息和新闻传播生态系统,希望吸引更多的研究人员、工程师和各种兴趣的学生参与假新闻研究。KDD参与者参加的先决条件很少。
{"title":"Fake News Research: Theories, Detection Strategies, and Open Problems","authors":"R. Zafarani, Xinyi Zhou, Kai Shu, Huan Liu","doi":"10.1145/3292500.3332287","DOIUrl":"https://doi.org/10.1145/3292500.3332287","url":null,"abstract":"Fake news has become a global phenomenon due its explosive growth, particularly on social media. The goal of this tutorial is to (1) clearly introduce the concept and characteristics of fake news and how it can be formally differentiated from other similar concepts such as mis-/dis-information, satire news, rumors, among others, which helps deepen the understanding of fake news; (2) provide a comprehensive review of fundamental theories across disciplines and illustrate how they can be used to conduct interdisciplinary fake news research, facilitating a concerted effort of experts in computer and information science, political science, journalism, social science, psychology and economics. Such concerted efforts can result in highly efficient and explainable fake news detection; (3) systematically present fake news detection strategies from four perspectives (i.e., knowledge, style, propagation, and credibility) and the ways that each perspective utilizes techniques developed in data/graph mining, machine learning, natural language processing, and information retrieval; and (4) detail open issues within current fake news studies to reveal great potential research opportunities, hoping to attract researchers within a broader area to work on fake news detection and further facilitate its development. The tutorial aims to promote a fair, healthy and safe online information and news dissemination ecosystem, hoping to attract more researchers, engineers and students with various interests to fake news research. Few prerequisite are required for KDD participants to attend.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"91 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121472196","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}
引用次数: 52
State-Sharing Sparse Hidden Markov Models for Personalized Sequences 个性化序列的状态共享稀疏隐马尔可夫模型
Hongzhi Shi, Chao Zhang, Quanming Yao, Yong Li, Funing Sun, Depeng Jin
Hidden Markov Model (HMM) is a powerful tool that has been widely adopted in sequence modeling tasks, such as mobility analysis, healthcare informatics, and online recommendation. However, using HMM for modeling personalized sequences remains a challenging problem: training a unified HMM with all the sequences often fails to uncover interesting personalized patterns; yet training one HMM for each individual inevitably suffers from data scarcity. We address this challenge by proposing a state-sharing sparse hidden Markov model (S3HMM) that can uncover personalized sequential patterns without suffering from data scarcity. This is achieved by two design principles: (1) all the HMMs in the ensemble share the same set of latent states; and (2) each HMM has its own transition matrix to model the personalized transitions. The result optimization problem for S3HMM becomes nontrivial, because of its two-layer hidden state design and the non-convexity in parameter estimation. We design a new Expectation-Maximization algorithm based, which treats the difference of convex programming as a sub-solver to optimize the non-convex function in the M-step with convergence guarantee. Our experimental results show that, S3HMM can successfully uncover personalized sequential patterns in various applications and outperforms baselines significantly in downstream prediction tasks.
隐马尔可夫模型(HMM)是一种强大的工具,已广泛应用于序列建模任务,如流动性分析、医疗保健信息学和在线推荐。然而,使用HMM对个性化序列建模仍然是一个具有挑战性的问题:用所有序列训练统一的HMM往往无法发现有趣的个性化模式;然而,为每个个体训练一个HMM不可避免地会受到数据稀缺的困扰。我们通过提出一种状态共享稀疏隐马尔可夫模型(S3HMM)来解决这一挑战,该模型可以在不遭受数据稀缺的情况下发现个性化的序列模式。这是通过两个设计原则来实现的:(1)集合中的所有hmm共享相同的潜在状态集;(2)每个HMM都有自己的过渡矩阵来建模个性化的过渡。由于其两层隐藏状态设计和参数估计的非凸性,使得S3HMM的结果优化问题变得不平凡。设计了一种新的基于期望最大化的算法,该算法将凸规划的差分作为子求解器来优化m步的非凸函数,并保证其收敛性。我们的实验结果表明,S3HMM可以成功地在各种应用中发现个性化的序列模式,并且在下游预测任务中显着优于基线。
{"title":"State-Sharing Sparse Hidden Markov Models for Personalized Sequences","authors":"Hongzhi Shi, Chao Zhang, Quanming Yao, Yong Li, Funing Sun, Depeng Jin","doi":"10.1145/3292500.3330828","DOIUrl":"https://doi.org/10.1145/3292500.3330828","url":null,"abstract":"Hidden Markov Model (HMM) is a powerful tool that has been widely adopted in sequence modeling tasks, such as mobility analysis, healthcare informatics, and online recommendation. However, using HMM for modeling personalized sequences remains a challenging problem: training a unified HMM with all the sequences often fails to uncover interesting personalized patterns; yet training one HMM for each individual inevitably suffers from data scarcity. We address this challenge by proposing a state-sharing sparse hidden Markov model (S3HMM) that can uncover personalized sequential patterns without suffering from data scarcity. This is achieved by two design principles: (1) all the HMMs in the ensemble share the same set of latent states; and (2) each HMM has its own transition matrix to model the personalized transitions. The result optimization problem for S3HMM becomes nontrivial, because of its two-layer hidden state design and the non-convexity in parameter estimation. We design a new Expectation-Maximization algorithm based, which treats the difference of convex programming as a sub-solver to optimize the non-convex function in the M-step with convergence guarantee. Our experimental results show that, S3HMM can successfully uncover personalized sequential patterns in various applications and outperforms baselines significantly in downstream prediction tasks.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"114159633","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}
引用次数: 13
Buying or Browsing?: Predicting Real-time Purchasing Intent using Attention-based Deep Network with Multiple Behavior 购买还是浏览?基于多重行为的基于注意力的深度网络预测实时购买意图
Long Guo, Lifeng Hua, Rongfei Jia, Binqiang Zhao, Xiaobo Wang, B. Cui
E-commerce platforms are becoming a primary place for people to find, compare and ultimately purchase products. One of the fundamental questions that arises in e-commerce is to predict user purchasing intent, which is an important part of user understanding and allows for providing better services for both sellers and customers. However, previous work cannot predict real-time user purchasing intent with a high accuracy, limited by the representation capability of traditional browse-interactive behavior adopted. In this paper, we propose a novel end-to-end deep network, named Deep Intent Prediction Network (DIPN), to predict real-time user purchasing intent. In particular, besides the traditional browse-interactive behavior, we collect a new type of user interactive behavior, called touch-interactive behavior, which can capture more fine-grained real-time user features. To combine these behavior effectively, we propose a hierarchical attention mechanism, where the bottom attention layer focuses on the inner parts of each behavior sequence while the top attention layer learns the inter-view relations between different behavior sequences. In addition, we propose to train DIPN with multi-task learning to better distinguish user behavior patterns. In the experiments conducted on a large-scale industrial dataset, DIPN significantly outperforms the baseline solutions. Notably, DIPN gains about 18.96% improvement on AUC than the state-of-the-art solution only using traditional browse-interactive behavior sequences. Moreover, DIPN has been deployed in the operational system of Taobao. Online A/B testing results with more than 12.9 millions of users reveal the potential of knowing users' real-time purchasing intent.
电子商务平台正在成为人们寻找、比较和最终购买产品的主要场所。电子商务中出现的一个基本问题是预测用户购买意图,这是用户理解的重要组成部分,可以为卖家和客户提供更好的服务。然而,以往的研究受到传统浏览交互行为表征能力的限制,无法准确预测用户的实时购买意图。在本文中,我们提出了一种新的端到端深度网络,称为深度意图预测网络(DIPN),用于实时预测用户的购买意图。特别是,除了传统的浏览交互行为外,我们还收集了一种新型的用户交互行为,称为触摸交互行为,它可以捕获更细粒度的实时用户特征。为了有效地结合这些行为,我们提出了一种分层注意机制,其中底层注意层关注每个行为序列的内部部分,而顶层注意层学习不同行为序列之间的互视关系。此外,我们建议使用多任务学习来训练DIPN,以更好地区分用户行为模式。在大规模工业数据集上进行的实验中,DIPN显著优于基线解决方案。值得注意的是,与仅使用传统的浏览交互行为序列的最先进的解决方案相比,DIPN在AUC上提高了18.96%。此外,DIPN已经部署在淘宝的运营系统中。超过1290万用户的在线A/B测试结果揭示了了解用户实时购买意图的潜力。
{"title":"Buying or Browsing?: Predicting Real-time Purchasing Intent using Attention-based Deep Network with Multiple Behavior","authors":"Long Guo, Lifeng Hua, Rongfei Jia, Binqiang Zhao, Xiaobo Wang, B. Cui","doi":"10.1145/3292500.3330670","DOIUrl":"https://doi.org/10.1145/3292500.3330670","url":null,"abstract":"E-commerce platforms are becoming a primary place for people to find, compare and ultimately purchase products. One of the fundamental questions that arises in e-commerce is to predict user purchasing intent, which is an important part of user understanding and allows for providing better services for both sellers and customers. However, previous work cannot predict real-time user purchasing intent with a high accuracy, limited by the representation capability of traditional browse-interactive behavior adopted. In this paper, we propose a novel end-to-end deep network, named Deep Intent Prediction Network (DIPN), to predict real-time user purchasing intent. In particular, besides the traditional browse-interactive behavior, we collect a new type of user interactive behavior, called touch-interactive behavior, which can capture more fine-grained real-time user features. To combine these behavior effectively, we propose a hierarchical attention mechanism, where the bottom attention layer focuses on the inner parts of each behavior sequence while the top attention layer learns the inter-view relations between different behavior sequences. In addition, we propose to train DIPN with multi-task learning to better distinguish user behavior patterns. In the experiments conducted on a large-scale industrial dataset, DIPN significantly outperforms the baseline solutions. Notably, DIPN gains about 18.96% improvement on AUC than the state-of-the-art solution only using traditional browse-interactive behavior sequences. Moreover, DIPN has been deployed in the operational system of Taobao. Online A/B testing results with more than 12.9 millions of users reveal the potential of knowing users' real-time purchasing intent.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"18 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121673662","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}
引用次数: 67
Learning Sleep Quality from Daily Logs 从日常日志中学习睡眠质量
S. Park, Cheng-te Li, Sungwon Han, Cheng-Mao Hsu, Sang Won Lee, M. Cha
Precision psychiatry is a new research field that uses advanced data mining over a wide range of neural, behavioral, psychological, and physiological data sources for classification of mental health conditions. This study presents a computational framework for predicting sleep efficiency of insomnia sufferers. A smart band experiment is conducted to collect heterogeneous data, including sleep records, daily activities, and demographics, whose missing values are imputed via Improved Generative Adversarial Imputation Networks (Imp-GAIN). Equipped with the imputed data, we predict sleep efficiency of individual users with a proposed interpretable LSTM-Attention (LA Block) neural network model. We also propose a model, Pairwise Learning-based Ranking Generation (PLRG), to rank users with high insomnia potential in the next day. We discuss implications of our findings from the perspective of a psychiatric practitioner. Our computational framework can be used for other applications that analyze and handle noisy and incomplete time-series human activity data in the domain of precision psychiatry.
精确精神病学是一个新的研究领域,它使用先进的数据挖掘在广泛的神经、行为、心理和生理数据源上对精神健康状况进行分类。本研究提出了一个预测失眠症患者睡眠效率的计算框架。通过智能手环实验收集异构数据,包括睡眠记录、日常活动和人口统计数据,这些数据的缺失值通过改进的生成对抗输入网络(Imp-GAIN)进行输入。利用输入的数据,我们提出了一个可解释的LSTM-Attention (LA Block)神经网络模型来预测个人用户的睡眠效率。我们还提出了一个基于成对学习的排名生成(Pairwise Learning-based Ranking Generation, PLRG)模型,对第二天有高失眠潜力的用户进行排名。我们从精神科医生的角度讨论我们的发现的含义。我们的计算框架可以用于分析和处理精确精神病学领域中嘈杂和不完整的时间序列人类活动数据的其他应用程序。
{"title":"Learning Sleep Quality from Daily Logs","authors":"S. Park, Cheng-te Li, Sungwon Han, Cheng-Mao Hsu, Sang Won Lee, M. Cha","doi":"10.1145/3292500.3330792","DOIUrl":"https://doi.org/10.1145/3292500.3330792","url":null,"abstract":"Precision psychiatry is a new research field that uses advanced data mining over a wide range of neural, behavioral, psychological, and physiological data sources for classification of mental health conditions. This study presents a computational framework for predicting sleep efficiency of insomnia sufferers. A smart band experiment is conducted to collect heterogeneous data, including sleep records, daily activities, and demographics, whose missing values are imputed via Improved Generative Adversarial Imputation Networks (Imp-GAIN). Equipped with the imputed data, we predict sleep efficiency of individual users with a proposed interpretable LSTM-Attention (LA Block) neural network model. We also propose a model, Pairwise Learning-based Ranking Generation (PLRG), to rank users with high insomnia potential in the next day. We discuss implications of our findings from the perspective of a psychiatric practitioner. Our computational framework can be used for other applications that analyze and handle noisy and incomplete time-series human activity data in the domain of precision psychiatry.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"17 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121813647","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}
引用次数: 11
Robust Anomaly Detection for Multivariate Time Series through Stochastic Recurrent Neural Network 基于随机递归神经网络的多元时间序列鲁棒异常检测
Ya Su, Youjian Zhao, Chenhao Niu, Rong Liu, Wei Sun, Dan Pei
Industry devices (i.e., entities) such as server machines, spacecrafts, engines, etc., are typically monitored with multivariate time series, whose anomaly detection is critical for an entity's service quality management. However, due to the complex temporal dependence and stochasticity of multivariate time series, their anomaly detection remains a big challenge. This paper proposes OmniAnomaly, a stochastic recurrent neural network for multivariate time series anomaly detection that works well robustly for various devices. Its core idea is to capture the normal patterns of multivariate time series by learning their robust representations with key techniques such as stochastic variable connection and planar normalizing flow, reconstruct input data by the representations, and use the reconstruction probabilities to determine anomalies. Moreover, for a detected entity anomaly, OmniAnomaly can provide interpretations based on the reconstruction probabilities of its constituent univariate time series. The evaluation experiments are conducted on two public datasets from aerospace and a new server machine dataset (collected and released by us) from an Internet company. OmniAnomaly achieves an overall F1-Score of 0.86 in three real-world datasets, signicantly outperforming the best performing baseline method by 0.09. The interpretation accuracy for OmniAnomaly is up to 0.89.
工业设备(即实体),如服务器机器、航天器、发动机等,通常使用多变量时间序列进行监控,其异常检测对于实体的服务质量管理至关重要。然而,由于多元时间序列具有复杂的时间依赖性和随机性,其异常检测仍然是一个很大的挑战。本文提出了一种用于多变量时间序列异常检测的随机递归神经网络OmniAnomaly,该网络对各种设备都具有良好的鲁棒性。其核心思想是利用随机变量连接、平面归一化流等关键技术,通过学习多变量时间序列的鲁棒表示来捕获多变量时间序列的正态模式,通过这些鲁棒表示重构输入数据,并利用重构概率判断异常。此外,对于检测到的实体异常,OmniAnomaly可以基于其组成的单变量时间序列的重构概率提供解释。评估实验在两个来自航空航天的公共数据集和一个来自互联网公司的新服务器机器数据集(由我们收集和发布)上进行。OmniAnomaly在三个真实数据集上的总体F1-Score为0.86,显著优于性能最好的基线方法0.09。OmniAnomaly的解释精度可达0.89。
{"title":"Robust Anomaly Detection for Multivariate Time Series through Stochastic Recurrent Neural Network","authors":"Ya Su, Youjian Zhao, Chenhao Niu, Rong Liu, Wei Sun, Dan Pei","doi":"10.1145/3292500.3330672","DOIUrl":"https://doi.org/10.1145/3292500.3330672","url":null,"abstract":"Industry devices (i.e., entities) such as server machines, spacecrafts, engines, etc., are typically monitored with multivariate time series, whose anomaly detection is critical for an entity's service quality management. However, due to the complex temporal dependence and stochasticity of multivariate time series, their anomaly detection remains a big challenge. This paper proposes OmniAnomaly, a stochastic recurrent neural network for multivariate time series anomaly detection that works well robustly for various devices. Its core idea is to capture the normal patterns of multivariate time series by learning their robust representations with key techniques such as stochastic variable connection and planar normalizing flow, reconstruct input data by the representations, and use the reconstruction probabilities to determine anomalies. Moreover, for a detected entity anomaly, OmniAnomaly can provide interpretations based on the reconstruction probabilities of its constituent univariate time series. The evaluation experiments are conducted on two public datasets from aerospace and a new server machine dataset (collected and released by us) from an Internet company. OmniAnomaly achieves an overall F1-Score of 0.86 in three real-world datasets, signicantly outperforming the best performing baseline method by 0.09. The interpretation accuracy for OmniAnomaly is up to 0.89.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"39 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123859958","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}
引用次数: 584
Deep Bayesian Mining, Learning and Understanding 深度贝叶斯挖掘,学习和理解
Jen-Tzung Chien
This tutorial addresses the advances in deep Bayesian mining and learning for natural language with ubiquitous applications ranging from speech recognition to document summarization, text classification, text segmentation, information extraction, image caption generation, sentence generation, dialogue control, sentiment classification, recommendation system, question answering and machine translation, to name a few. Traditionally, "deep learning" is taken to be a learning process where the inference or optimization is based on the real-valued deterministic model. The "semantic structure" in words, sentences, entities, actions and documents drawn from a large vocabulary may not be well expressed or correctly optimized in mathematical logic or computer programs. The "distribution function" in discrete or continuous latent variable model for natural language may not be properly decomposed or estimated. This tutorial addresses the fundamentals of statistical models and neural networks, and focus on a series of advanced Bayesian models and deep models including hierarchical Dirichlet process, Chinese restaurant process, hierarchical Pitman-Yor process, Indian buffet process, recurrent neural network, long short-term memory, sequence-to-sequence model, variational auto-encoder, generative adversarial network, attention mechanism, memory-augmented neural network, skip neural network, stochastic neural network, predictive state neural network, policy neural network. We present how these models are connected and why they work for a variety of applications on symbolic and complex patterns in natural language. The variational inference and sampling method are formulated to tackle the optimization for complicated models. The word and sentence embeddings, clustering and co-clustering are merged with linguistic and semantic constraints. A series of case studies are presented to tackle different issues in deep Bayesian mining, learning and understanding. At last, we will point out a number of directions and outlooks for future studies.
本教程介绍了深度贝叶斯挖掘和自然语言学习的进展,其应用范围从语音识别到文档摘要、文本分类、文本分割、信息提取、图像标题生成、句子生成、对话控制、情感分类、推荐系统、问答和机器翻译等等。传统上,“深度学习”被认为是一个基于实值确定性模型的推理或优化的学习过程。从大量词汇中提取的单词、句子、实体、动作和文档中的“语义结构”在数学逻辑或计算机程序中可能无法很好地表达或正确优化。自然语言的离散或连续潜变量模型中的“分布函数”可能无法正确分解或估计。本教程介绍了统计模型和神经网络的基础知识,并重点介绍了一系列高级贝叶斯模型和深度模型,包括分层Dirichlet过程、中餐馆过程、分层Pitman-Yor过程、印度自助餐过程、循环神经网络、长短期记忆、序列到序列模型、变分自编码器、生成对抗网络、注意机制、记忆增强神经网络、跳跃神经网络、随机神经网络,预测状态神经网络,策略神经网络。我们介绍了这些模型是如何连接的,以及为什么它们适用于自然语言中符号和复杂模式的各种应用。针对复杂模型的优化问题,提出了变分推理和抽样方法。单词和句子嵌入、聚类和共聚类与语言和语义约束相结合。介绍了一系列的案例研究,以解决深度贝叶斯挖掘、学习和理解中的不同问题。最后,提出了今后研究的方向和展望。
{"title":"Deep Bayesian Mining, Learning and Understanding","authors":"Jen-Tzung Chien","doi":"10.1145/3292500.3332267","DOIUrl":"https://doi.org/10.1145/3292500.3332267","url":null,"abstract":"This tutorial addresses the advances in deep Bayesian mining and learning for natural language with ubiquitous applications ranging from speech recognition to document summarization, text classification, text segmentation, information extraction, image caption generation, sentence generation, dialogue control, sentiment classification, recommendation system, question answering and machine translation, to name a few. Traditionally, \"deep learning\" is taken to be a learning process where the inference or optimization is based on the real-valued deterministic model. The \"semantic structure\" in words, sentences, entities, actions and documents drawn from a large vocabulary may not be well expressed or correctly optimized in mathematical logic or computer programs. The \"distribution function\" in discrete or continuous latent variable model for natural language may not be properly decomposed or estimated. This tutorial addresses the fundamentals of statistical models and neural networks, and focus on a series of advanced Bayesian models and deep models including hierarchical Dirichlet process, Chinese restaurant process, hierarchical Pitman-Yor process, Indian buffet process, recurrent neural network, long short-term memory, sequence-to-sequence model, variational auto-encoder, generative adversarial network, attention mechanism, memory-augmented neural network, skip neural network, stochastic neural network, predictive state neural network, policy neural network. We present how these models are connected and why they work for a variety of applications on symbolic and complex patterns in natural language. The variational inference and sampling method are formulated to tackle the optimization for complicated models. The word and sentence embeddings, clustering and co-clustering are merged with linguistic and semantic constraints. A series of case studies are presented to tackle different issues in deep Bayesian mining, learning and understanding. At last, we will point out a number of directions and outlooks for future studies.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"38 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124934251","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
Revisiting kd-tree for Nearest Neighbor Search 重访kd树进行最近邻搜索
P. Ram, Kaushik Sinha
kdtree citefriedman1976algorithm has long been deemed unsuitable for exact nearest-neighbor search in high dimensional data. The theoretical guarantees and the empirical performance of kdtree do not show significant improvements over brute-force nearest-neighbor search in moderate to high dimensions. kdtree has been used relatively more successfully for approximate search citemuja2009flann but lack theoretical guarantees. In the article, we build upon randomized-partition trees citedasgupta2013randomized to propose kdtree based approximate search schemes with $O(d łog d + łog n)$ query time for data sets with n points in d dimensions and rigorous theoretical guarantees on the search accuracy. We empirically validate the search accuracy and the query time guarantees of our proposed schemes, demonstrating the significantly improved scaling for same level of accuracy.
算法一直被认为不适用于高维数据的精确近邻搜索。kdtree的理论保证和经验性能在中高维度上没有表现出比暴力最近邻搜索有显著改善。kdtree已经相对成功地用于近似搜索citemuja2009flann,但缺乏理论保证。在本文中,我们在随机分区树 citedasgupta2013randomzed的基础上,对d维中有n个点的数据集提出了基于kdtree的近似搜索方案,查询时间为$O(d łog d + łog n)$,并且在理论上严格保证了搜索精度。我们通过经验验证了我们提出的方案的搜索精度和查询时间保证,证明了在相同精度水平下的显着改进的缩放。
{"title":"Revisiting kd-tree for Nearest Neighbor Search","authors":"P. Ram, Kaushik Sinha","doi":"10.1145/3292500.3330875","DOIUrl":"https://doi.org/10.1145/3292500.3330875","url":null,"abstract":"kdtree citefriedman1976algorithm has long been deemed unsuitable for exact nearest-neighbor search in high dimensional data. The theoretical guarantees and the empirical performance of kdtree do not show significant improvements over brute-force nearest-neighbor search in moderate to high dimensions. kdtree has been used relatively more successfully for approximate search citemuja2009flann but lack theoretical guarantees. In the article, we build upon randomized-partition trees citedasgupta2013randomized to propose kdtree based approximate search schemes with $O(d łog d + łog n)$ query time for data sets with n points in d dimensions and rigorous theoretical guarantees on the search accuracy. We empirically validate the search accuracy and the query time guarantees of our proposed schemes, demonstrating the significantly improved scaling for same level of accuracy.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"14 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125274672","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}
引用次数: 59
Contextual Fact Ranking and Its Applications in Table Synthesis and Compression 上下文事实排序及其在表合成和压缩中的应用
Silu Huang, Jialu Liu, Flip Korn, Xuezhi Wang, You Wu, Dale Markowitz, Cong Yu
Modern search engines increasingly incorporate tabular content, which consists of a set of entities each augmented with a small set of facts. The facts can be obtained from multiple sources: an entity's knowledge base entry, the infobox on its Wikipedia page, or its row within a WebTable. Crucially, the informativeness of a fact depends not only on the entity but also the specific context(e.g., the query).To the best of our knowledge, this paper is the first to study the problem of contextual fact ranking: given some entities and a context (i.e., succinct natural language description), identify the most informative facts for the entities collectively within the context.We propose to contextually rank the facts by exploiting deep learning techniques. In particular, we develop pointwise and pair-wise ranking models, using textual and statistical information for the given entities and context derived from their sources. We enhance the models by incorporating entity type information from an IsA (hypernym) database. We demonstrate that our approaches achieve better performance than state-of-the-art baselines in terms of MAP, NDCG, and recall. We further conduct user studies for two specific applications of contextual fact ranking-table synthesis and table compression-and show that our models can identify more informative facts than the baselines.
现代搜索引擎越来越多地结合表格内容,表格内容由一组实体组成,每个实体都有一小部分事实。事实可以从多个来源获得:实体的知识库条目、其Wikipedia页面上的信息框或其在WebTable中的行。至关重要的是,事实的信息量不仅取决于实体,还取决于特定的背景。查询)。据我们所知,本文是第一个研究上下文事实排序问题的论文:给定一些实体和一个上下文(即简洁的自然语言描述),在上下文中为实体集体识别最具信息量的事实。我们建议利用深度学习技术对事实进行上下文排序。特别是,我们开发了点和成对排序模型,使用来自其来源的给定实体和上下文的文本和统计信息。我们通过合并来自IsA(缩略词)数据库的实体类型信息来增强模型。我们证明了我们的方法在MAP、NDCG和召回方面比最先进的基线实现了更好的性能。我们进一步对上下文事实排名表合成和表压缩的两个特定应用程序进行了用户研究,并表明我们的模型可以识别比基线更多的信息事实。
{"title":"Contextual Fact Ranking and Its Applications in Table Synthesis and Compression","authors":"Silu Huang, Jialu Liu, Flip Korn, Xuezhi Wang, You Wu, Dale Markowitz, Cong Yu","doi":"10.1145/3292500.3330980","DOIUrl":"https://doi.org/10.1145/3292500.3330980","url":null,"abstract":"Modern search engines increasingly incorporate tabular content, which consists of a set of entities each augmented with a small set of facts. The facts can be obtained from multiple sources: an entity's knowledge base entry, the infobox on its Wikipedia page, or its row within a WebTable. Crucially, the informativeness of a fact depends not only on the entity but also the specific context(e.g., the query).To the best of our knowledge, this paper is the first to study the problem of contextual fact ranking: given some entities and a context (i.e., succinct natural language description), identify the most informative facts for the entities collectively within the context.We propose to contextually rank the facts by exploiting deep learning techniques. In particular, we develop pointwise and pair-wise ranking models, using textual and statistical information for the given entities and context derived from their sources. We enhance the models by incorporating entity type information from an IsA (hypernym) database. We demonstrate that our approaches achieve better performance than state-of-the-art baselines in terms of MAP, NDCG, and recall. We further conduct user studies for two specific applications of contextual fact ranking-table synthesis and table compression-and show that our models can identify more informative facts than the baselines.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"96 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122797703","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}
引用次数: 7
MVAN: Multi-view Attention Networks for Real Money Trading Detection in Online Games 基于多视角注意力网络的在线游戏真钱交易检测
Jianrong Tao, Jianshi Lin, Shize Zhang, Sha Zhao, Runze Wu, Changjie Fan, Peng Cui
Online gaming is a multi-billion dollar industry that entertains a large, global population. However, one unfortunate phenomenon known as real money trading harms the competition and the fun. Real money trading is an interesting economic activity used to exchange assets in a virtual world with real world currencies, leading to imbalance of game economy and inequality of wealth and opportunity. Game operation teams have been devoting much efforts on real money trading detection, however, it still remains a challenging task. To overcome the limitation from traditional methods conducted by game operation teams, we propose, MVAN, the first multi-view attention networks for detecting real money trading with multi-view data sources. We present a multi-graph attention network (MGAT) in the graph structure view, a behavior attention network (BAN) in the vertex content view, a portrait attention network (PAN) in the vertex attribute view and a data source attention network (DSAN) in the data source view. Experiments conducted on real-world game logs from a commercial NetEase MMORPG( JusticePC) show that our method consistently performs promising results compared with other competitive methods over time and verifiy the importance and rationality of attention mechanisms. MVAN is deployed to several MMORPGs in NetEase in practice and achieving remarkable performance improvement and acceleration. Our method can easily generalize to other types of related tasks in real world, such as fraud detection, drug tracking and money laundering tracking etc.
网络游戏是一个价值数十亿美元的产业,吸引了大量的全球玩家。然而,一种不幸的现象被称为真钱交易损害了竞争和乐趣。虚拟货币交易是一种有趣的经济活动,用于将虚拟世界中的资产与现实世界中的货币进行交换,导致游戏经济的不平衡以及财富和机会的不平等。游戏运营团队一直在真金白银交易检测方面投入大量精力,但这仍然是一项具有挑战性的任务。为了克服游戏运营团队传统方法的局限性,我们提出了MVAN,这是第一个使用多视图数据源检测真钱交易的多视图注意力网络。在图结构视图中提出了多图注意网络(MGAT),在顶点内容视图中提出了行为注意网络(BAN),在顶点属性视图中提出了画像注意网络(PAN),在数据源视图中提出了数据源注意网络(DSAN)。在网易一款商业MMORPG(JusticePC)的真实游戏日志上进行的实验表明,随着时间的推移,与其他竞争方法相比,我们的方法始终表现出令人满意的结果,验证了注意机制的重要性和合理性。MVAN在网易的多款mmorpg游戏中进行了实际部署,取得了显著的性能提升和加速。我们的方法可以很容易地推广到现实世界中其他类型的相关任务,如欺诈检测、毒品跟踪、洗钱跟踪等。
{"title":"MVAN: Multi-view Attention Networks for Real Money Trading Detection in Online Games","authors":"Jianrong Tao, Jianshi Lin, Shize Zhang, Sha Zhao, Runze Wu, Changjie Fan, Peng Cui","doi":"10.1145/3292500.3330687","DOIUrl":"https://doi.org/10.1145/3292500.3330687","url":null,"abstract":"Online gaming is a multi-billion dollar industry that entertains a large, global population. However, one unfortunate phenomenon known as real money trading harms the competition and the fun. Real money trading is an interesting economic activity used to exchange assets in a virtual world with real world currencies, leading to imbalance of game economy and inequality of wealth and opportunity. Game operation teams have been devoting much efforts on real money trading detection, however, it still remains a challenging task. To overcome the limitation from traditional methods conducted by game operation teams, we propose, MVAN, the first multi-view attention networks for detecting real money trading with multi-view data sources. We present a multi-graph attention network (MGAT) in the graph structure view, a behavior attention network (BAN) in the vertex content view, a portrait attention network (PAN) in the vertex attribute view and a data source attention network (DSAN) in the data source view. Experiments conducted on real-world game logs from a commercial NetEase MMORPG( JusticePC) show that our method consistently performs promising results compared with other competitive methods over time and verifiy the importance and rationality of attention mechanisms. MVAN is deployed to several MMORPGs in NetEase in practice and achieving remarkable performance improvement and acceleration. Our method can easily generalize to other types of related tasks in real world, such as fraud detection, drug tracking and money laundering tracking etc.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"121 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122908984","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}
引用次数: 23
Tensorized Determinantal Point Processes for Recommendation 用于推荐的张张化行列式点过程
Romain Warlop, Jérémie Mary, Mike Gartrell
Interest in determinantal point processes (DPPs) is increasing in machine learning due to their ability to provide an elegant parametric model over combinatorial sets. In particular, the number of required parameters in a DPP grows only quadratically with the size of the ground set (e.g., item catalog), while the number of possible sets of items grows exponentially. Recent work has shown that DPPs can be effective models for product recommendation and basket completion tasks, since they are able to account for both the diversity and quality of items within a set. We present an enhanced DPP model that is specialized for the task of basket completion, the tensorized DPP. We leverage ideas from tensor factorization in order to customize the model for the next-item basket completion task, where the next item is captured in an extra dimension of the model. We evaluate our model on several real-world datasets, and find that the tensorized DPP provides significantly better predictive quality in several settings than a number of state-of-the art models.
由于确定点过程(DPPs)能够在组合集上提供优雅的参数模型,因此在机器学习中对确定点过程(DPPs)的兴趣正在增加。特别是,DPP中所需参数的数量仅随基础集(例如,项目目录)的大小呈二次增长,而可能的项目集的数量呈指数增长。最近的研究表明,dpp可以成为产品推荐和购物篮完成任务的有效模型,因为它们能够考虑到一组商品的多样性和质量。我们提出了一个增强的DPP模型,专门用于篮完成任务,张拉DPP。我们利用张量分解的思想,为下一项购物篮完成任务定制模型,其中下一项是在模型的额外维度中捕获的。我们在几个真实世界的数据集上评估了我们的模型,发现张张化的DPP在几个设置中比许多最先进的模型提供了更好的预测质量。
{"title":"Tensorized Determinantal Point Processes for Recommendation","authors":"Romain Warlop, Jérémie Mary, Mike Gartrell","doi":"10.1145/3292500.3330952","DOIUrl":"https://doi.org/10.1145/3292500.3330952","url":null,"abstract":"Interest in determinantal point processes (DPPs) is increasing in machine learning due to their ability to provide an elegant parametric model over combinatorial sets. In particular, the number of required parameters in a DPP grows only quadratically with the size of the ground set (e.g., item catalog), while the number of possible sets of items grows exponentially. Recent work has shown that DPPs can be effective models for product recommendation and basket completion tasks, since they are able to account for both the diversity and quality of items within a set. We present an enhanced DPP model that is specialized for the task of basket completion, the tensorized DPP. We leverage ideas from tensor factorization in order to customize the model for the next-item basket completion task, where the next item is captured in an extra dimension of the model. We evaluate our model on several real-world datasets, and find that the tensorized DPP provides significantly better predictive quality in several settings than a number of state-of-the art models.","PeriodicalId":186134,"journal":{"name":"Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining","volume":"477 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-07-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127820719","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}
引用次数: 18
期刊
Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining
全部 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