首页 > 最新文献

2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)最新文献

英文 中文
[Title page iii] [标题页iii]
{"title":"[Title page iii]","authors":"","doi":"10.1109/ictai.2019.00002","DOIUrl":"https://doi.org/10.1109/ictai.2019.00002","url":null,"abstract":"","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130290810","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}
引用次数: 0
Information-Theoretic Ensemble Learning for DDoS Detection with Adaptive Boosting 基于信息论集成学习的自适应增强DDoS检测
M. Bhuyan, M. Ma, Y. Kadobayashi, E. Elmroth
DDoS (Distributed Denial of Service) attacks pose a serious threat to the Internet as they use large numbers of zombie hosts to forward massive numbers of packets to the target host. Here, we present an adaptive boosting-based ensemble learning model for detecting low-and high-rate DDoS attacks by combining information divergence measures. Our model is trained against a baseline model that does not use labeled traffic data and draws on multiple baseline models developed in parallel to improve its accuracy. Incoming traffic is sampled time-periodically to characterize the normal behavior of input traffic. The model's performance is evaluated using the UmU testbed, MIT legitimate, and CAIDA DDoS datasets. We demonstrate that our model offers superior accuracy to established alternatives, reducing the incidence of false alarms and achieving an F1-score that is around 3% better than those of current state-of-the-art DDoS detection models.
DDoS (Distributed Denial of Service,分布式拒绝服务)攻击是一种利用大量僵尸主机向目标主机转发大量报文的攻击方式,对Internet造成严重威胁。在这里,我们提出了一种基于自适应增强的集成学习模型,通过结合信息发散度量来检测低速率和高速率DDoS攻击。我们的模型是根据基线模型进行训练的,该模型不使用标记的交通数据,并利用并行开发的多个基线模型来提高其准确性。对输入流量进行定时采样,以表征输入流量的正常行为。该模型的性能使用UmU测试平台、MIT合法和CAIDA DDoS数据集进行评估。我们证明,我们的模型比现有的替代方案提供了更高的准确性,减少了假警报的发生率,并实现了f1得分,比当前最先进的DDoS检测模型高出约3%。
{"title":"Information-Theoretic Ensemble Learning for DDoS Detection with Adaptive Boosting","authors":"M. Bhuyan, M. Ma, Y. Kadobayashi, E. Elmroth","doi":"10.1109/ICTAI.2019.00140","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00140","url":null,"abstract":"DDoS (Distributed Denial of Service) attacks pose a serious threat to the Internet as they use large numbers of zombie hosts to forward massive numbers of packets to the target host. Here, we present an adaptive boosting-based ensemble learning model for detecting low-and high-rate DDoS attacks by combining information divergence measures. Our model is trained against a baseline model that does not use labeled traffic data and draws on multiple baseline models developed in parallel to improve its accuracy. Incoming traffic is sampled time-periodically to characterize the normal behavior of input traffic. The model's performance is evaluated using the UmU testbed, MIT legitimate, and CAIDA DDoS datasets. We demonstrate that our model offers superior accuracy to established alternatives, reducing the incidence of false alarms and achieving an F1-score that is around 3% better than those of current state-of-the-art DDoS detection models.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"80 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129303338","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}
引用次数: 0
SARC: Split-and-Recombine Networks for Knowledge-Based Recommendation 基于知识的推荐的拆分和重组网络
Weifeng Zhang, Yi Cao, Congfu Xu
Utilizing knowledge graphs (KGs) to improve the performance of recommender systems has attracted increasing attention recently. Existing path-based methods rely heavily on manually designed meta-paths, while embedding-based methods focus on incorporating the knowledge graph embeddings (KGE) into recommender systems, but rarely model user-entity interactions, which can be used to enhance the performance of recommendation. To overcome the shortcomings of previous works, we propose SARC, an embedding-based model that utilizes a novel Split-And-ReCombine strategy for knowledge-based recommendation. Firstly, SARC splits the user-item-entity interactions into three 2-way interactions, i.e., the user-item, user-entity and item-entity interactions. Each of the 2-way interactions can be cast as a graph, and we use Graph Neural Networks (GNN) and KGE to model them. Secondly, SARC recombines the representation of users and items learned from the first step to generates recommendation. In order to distinguish the informative part and meaningless part of the representations, we utilize a gated fusion mechanism. The advantage of our SARC model is that through splitting, we can easily handle and make full use of the 2-way interactions, especially the user-entity interactions, and through recombining, we can extract the most useful information for recommendation. Extensive experiments on three real-world datasets demonstrate that SARC outperforms several state-of-the-art baselines.
近年来,利用知识图(knowledge graphs, KGs)来提高推荐系统的性能越来越受到人们的关注。现有的基于路径的方法严重依赖于人工设计的元路径,而基于嵌入的方法侧重于将知识图嵌入(KGE)集成到推荐系统中,但很少建模用户-实体交互,这可以用来提高推荐的性能。为了克服以往工作的不足,我们提出了SARC,这是一种基于嵌入的模型,它利用了一种新颖的拆分和重组策略来进行基于知识的推荐。首先,SARC将用户-物品-实体交互划分为三种双向交互,即用户-物品、用户-实体和物品-实体交互。每个双向交互都可以被转换成一个图,我们使用图神经网络(GNN)和KGE对它们进行建模。其次,SARC将第一步学习到的用户和项目的表示进行重组,生成推荐。为了区分表征中的信息部分和无意义部分,我们采用了门控融合机制。我们的SARC模型的优点是,通过拆分,我们可以很容易地处理和充分利用双向交互,特别是用户-实体交互,通过重组,我们可以提取出最有用的信息进行推荐。在三个真实世界数据集上进行的广泛实验表明,SARC优于几个最先进的基线。
{"title":"SARC: Split-and-Recombine Networks for Knowledge-Based Recommendation","authors":"Weifeng Zhang, Yi Cao, Congfu Xu","doi":"10.1109/ICTAI.2019.00096","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00096","url":null,"abstract":"Utilizing knowledge graphs (KGs) to improve the performance of recommender systems has attracted increasing attention recently. Existing path-based methods rely heavily on manually designed meta-paths, while embedding-based methods focus on incorporating the knowledge graph embeddings (KGE) into recommender systems, but rarely model user-entity interactions, which can be used to enhance the performance of recommendation. To overcome the shortcomings of previous works, we propose SARC, an embedding-based model that utilizes a novel Split-And-ReCombine strategy for knowledge-based recommendation. Firstly, SARC splits the user-item-entity interactions into three 2-way interactions, i.e., the user-item, user-entity and item-entity interactions. Each of the 2-way interactions can be cast as a graph, and we use Graph Neural Networks (GNN) and KGE to model them. Secondly, SARC recombines the representation of users and items learned from the first step to generates recommendation. In order to distinguish the informative part and meaningless part of the representations, we utilize a gated fusion mechanism. The advantage of our SARC model is that through splitting, we can easily handle and make full use of the 2-way interactions, especially the user-entity interactions, and through recombining, we can extract the most useful information for recommendation. Extensive experiments on three real-world datasets demonstrate that SARC outperforms several state-of-the-art baselines.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"20 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125529539","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
Feature-Selected and -Preserved Sampling for High-Dimensional Stream Data Summary 高维流数据汇总的特征选择和保留采样
Ling Lin, Qian Yu, Wen Ji, Yang Gao
Along with the prosperity of the Mobile Internet, a large amount of stream data has emerged. Stream data cannot be completely stored in memory because of its massive volume and continuous arrival. Moreover, it should be accessed only once and handled in time due to the high cost of multiple accesses. Therefore, the intrinsic nature of stream data calls facilitates the development of a summary in the main memory to enable fast incremental learning and to allow working in limited time and memory. Sampling techniques are one of the commonly used methods for constructing data stream summaries. Given that the traditional random sampling algorithm deviates from the real data distribution and does not consider the true distribution of the stream data attributes, we propose a novel sampling algorithm based on feature-selected and -preserved algorithm. We first use matrix approximation to select important features in stream data. Then, the feature-preserved sampling algorithm is used to generate high-quality representative samples over a sliding window. The sampling quality of our algorithm could guarantee a high degree of consistency between the distribution of attribute values in the population (the entire data) and that in the sample. Experiments on real datasets show that the proposed algorithm can select a representative sample with high efficiency.
随着移动互联网的蓬勃发展,大量的流数据应运而生。流数据不能完全存储在内存中,因为它的巨大容量和持续到达。此外,由于多次访问的高成本,它应该只被访问一次并及时处理。因此,流数据调用的固有性质有助于在主存储器中开发摘要,以实现快速增量学习,并允许在有限的时间和内存中工作。采样技术是构建数据流摘要的常用方法之一。针对传统随机抽样算法偏离真实数据分布,未考虑流数据属性真实分布的问题,提出了一种基于特征选择与保留算法的采样算法。我们首先使用矩阵近似来选择流数据中的重要特征。然后,使用特征保留采样算法在滑动窗口上生成高质量的代表性样本。我们算法的抽样质量可以保证属性值在总体(整个数据)中的分布与样本中的分布高度一致。在实际数据集上的实验表明,该算法能够高效地选取具有代表性的样本。
{"title":"Feature-Selected and -Preserved Sampling for High-Dimensional Stream Data Summary","authors":"Ling Lin, Qian Yu, Wen Ji, Yang Gao","doi":"10.1109/ICTAI.2019.00198","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00198","url":null,"abstract":"Along with the prosperity of the Mobile Internet, a large amount of stream data has emerged. Stream data cannot be completely stored in memory because of its massive volume and continuous arrival. Moreover, it should be accessed only once and handled in time due to the high cost of multiple accesses. Therefore, the intrinsic nature of stream data calls facilitates the development of a summary in the main memory to enable fast incremental learning and to allow working in limited time and memory. Sampling techniques are one of the commonly used methods for constructing data stream summaries. Given that the traditional random sampling algorithm deviates from the real data distribution and does not consider the true distribution of the stream data attributes, we propose a novel sampling algorithm based on feature-selected and -preserved algorithm. We first use matrix approximation to select important features in stream data. Then, the feature-preserved sampling algorithm is used to generate high-quality representative samples over a sliding window. The sampling quality of our algorithm could guarantee a high degree of consistency between the distribution of attribute values in the population (the entire data) and that in the sample. Experiments on real datasets show that the proposed algorithm can select a representative sample with high efficiency.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126830373","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
Swarm Filter - A Simple Deep Learning Component Inspired by Swarm Concept Swarm Filter -一个受Swarm概念启发的简单深度学习组件
Nguyen Ha Thanh, Le-Minh Nguyen
Swarm is a research topic not only of biologists but also for computer scientists for years. With the idea of swarm intelligence in nature, optimal algorithms are proposed to solve different problems. In addition to the proactive aspect, a swarm can provide useful hints for identification problems. There are features that only exist when an individual belongs to a swarm. An idea came to us, deep learning networks have the ability to automatically select features, so they can extract the characteristics of a swarm for identification problems. This is a new idea in the combination of swarm characteristic with deep learning model. The previous studies combined swarm intelligence with neural networks to find the optimal parameters and architecture for the model. When performing our experiments, we were surprised that this simple architecture got a state-of-the-art result. This interesting discovery can be applied to other tasks using deep learning.
多年来,蜂群不仅是生物学家的研究课题,也是计算机科学家的研究课题。利用自然界的群体智能思想,提出了最优算法来解决不同的问题。除了主动方面,集群还可以为识别问题提供有用的提示。有些特征只有当个体属于群体时才存在。我们想到了一个想法,深度学习网络具有自动选择特征的能力,因此它们可以提取群体的特征来解决识别问题。这是将群特征与深度学习模型相结合的新思路。前人的研究将群体智能与神经网络相结合,寻找模型的最优参数和结构。在执行我们的实验时,我们惊讶地发现这个简单的架构得到了最先进的结果。这个有趣的发现可以应用到使用深度学习的其他任务中。
{"title":"Swarm Filter - A Simple Deep Learning Component Inspired by Swarm Concept","authors":"Nguyen Ha Thanh, Le-Minh Nguyen","doi":"10.1109/ICTAI.2019.00221","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00221","url":null,"abstract":"Swarm is a research topic not only of biologists but also for computer scientists for years. With the idea of swarm intelligence in nature, optimal algorithms are proposed to solve different problems. In addition to the proactive aspect, a swarm can provide useful hints for identification problems. There are features that only exist when an individual belongs to a swarm. An idea came to us, deep learning networks have the ability to automatically select features, so they can extract the characteristics of a swarm for identification problems. This is a new idea in the combination of swarm characteristic with deep learning model. The previous studies combined swarm intelligence with neural networks to find the optimal parameters and architecture for the model. When performing our experiments, we were surprised that this simple architecture got a state-of-the-art result. This interesting discovery can be applied to other tasks using deep learning.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"136 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123208205","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}
引用次数: 2
Multi-graph Convolution Network with Jump Connection for Event Detection 具有跳跃连接的多图卷积网络用于事件检测
Xiangbin Meng, Pengfei Wang, Haoran Yan, Liutong Xu, Jiafeng Guo, Yixing Fan
Event detection is an important information extraction task in nature language processing. Recently, the method based on syntactic information and graph convolution network has been wildly used in event detection task and achieved good performance. For event detection, graph convolution network (GCN) based on dependency arcs can capture the sentence syntactic representations and the syntactic information, which is from candidate triggers to arguments. However, existing methods based on GCN with dependency arcs suffer from imbalance and redundant information in graph. To capture important and refined information in graph, we propose Multi-graph Convolution Network with Jump Connection (MGJ-ED). The multi-graph convolution network module adds a core subgraph splitted from dependency graph which selects important one-hop neighbors' syntactic information in breadth via GCN. Also the jump connection architecture aggregate GCN layers' representation with different attention score, which learns the importance of neighbors' syntactic information of different hops away in depth. The experimental results on the widely used ACE 2005 dataset shows the superiority of the other state-of-the-art methods.
事件检测是自然语言处理中一项重要的信息提取任务。近年来,基于句法信息和图卷积网络的方法在事件检测任务中得到了广泛的应用,并取得了良好的效果。对于事件检测,基于依赖弧的图卷积网络(GCN)可以捕获句子的句法表示和从候选触发器到参数的句法信息。然而,现有的基于依赖弧线的GCN方法存在图中信息不平衡和冗余的问题。为了捕获图中重要的和精细的信息,我们提出了带有跳跃连接的多图卷积网络(MGJ-ED)。多图卷积网络模块增加了一个从依赖图中分离出来的核心子图,通过GCN在广度上选择重要的一跳邻居的句法信息。跳跃连接架构对不同关注分数的GCN层表示进行聚合,深度学习不同跳距邻居句法信息的重要性。在广泛使用的ACE 2005数据集上的实验结果显示了其他最新方法的优越性。
{"title":"Multi-graph Convolution Network with Jump Connection for Event Detection","authors":"Xiangbin Meng, Pengfei Wang, Haoran Yan, Liutong Xu, Jiafeng Guo, Yixing Fan","doi":"10.1109/ICTAI.2019.00108","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00108","url":null,"abstract":"Event detection is an important information extraction task in nature language processing. Recently, the method based on syntactic information and graph convolution network has been wildly used in event detection task and achieved good performance. For event detection, graph convolution network (GCN) based on dependency arcs can capture the sentence syntactic representations and the syntactic information, which is from candidate triggers to arguments. However, existing methods based on GCN with dependency arcs suffer from imbalance and redundant information in graph. To capture important and refined information in graph, we propose Multi-graph Convolution Network with Jump Connection (MGJ-ED). The multi-graph convolution network module adds a core subgraph splitted from dependency graph which selects important one-hop neighbors' syntactic information in breadth via GCN. Also the jump connection architecture aggregate GCN layers' representation with different attention score, which learns the importance of neighbors' syntactic information of different hops away in depth. The experimental results on the widely used ACE 2005 dataset shows the superiority of the other state-of-the-art methods.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"150 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123219932","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}
引用次数: 2
Multi-task Learning for Relation Extraction 关系抽取的多任务学习
Kai Zhou, Xiangfeng Luo, Hongya Wang, R. Xu
Distantly supervised relation extraction leverages knowledge bases to label training data automatically. However, distant supervision may introduce incorrect labels, which harm the performance. Many efforts have been devoted to tackling this problem, but most of them treat relation extraction as a simple classification task. As a result, they ignore useful information that comes from related tasks, i.e., dependency parsing and entity type classification. In this paper, we first propose a novel Multi-Task learning framework for Relation Extraction (MTRE). We employ dependency parsing and entity type classification as auxiliary tasks and relation extraction as the target task. We learn these tasks simultaneously from training instances to take advantage of inductive transfer between auxiliary tasks and the target task. Then we construct a hierarchical neural network, which incorporates dependency and entity representations from auxiliary tasks into a more robust relation representation against the noisy labels. The experimental results demonstrate that our model improves the predictive performance substantially over single-task learning baselines.
远程监督关系提取利用知识库自动标记训练数据。然而,远程监督可能会引入不正确的标签,从而损害性能。许多研究都致力于解决这个问题,但大多数都将关系提取作为一个简单的分类任务。因此,它们忽略了来自相关任务的有用信息,即依赖项解析和实体类型分类。在本文中,我们首先提出了一种新的多任务学习框架,用于关系提取(MTRE)。我们将依赖解析和实体类型分类作为辅助任务,将关系提取作为目标任务。我们从训练实例中同时学习这些任务,以利用辅助任务和目标任务之间的归纳迁移。然后,我们构建了一个层次神经网络,该网络将辅助任务的依赖关系和实体表示结合到一个针对噪声标签的更鲁棒的关系表示中。实验结果表明,我们的模型在单任务学习基线的基础上显著提高了预测性能。
{"title":"Multi-task Learning for Relation Extraction","authors":"Kai Zhou, Xiangfeng Luo, Hongya Wang, R. Xu","doi":"10.1109/ICTAI.2019.00210","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00210","url":null,"abstract":"Distantly supervised relation extraction leverages knowledge bases to label training data automatically. However, distant supervision may introduce incorrect labels, which harm the performance. Many efforts have been devoted to tackling this problem, but most of them treat relation extraction as a simple classification task. As a result, they ignore useful information that comes from related tasks, i.e., dependency parsing and entity type classification. In this paper, we first propose a novel Multi-Task learning framework for Relation Extraction (MTRE). We employ dependency parsing and entity type classification as auxiliary tasks and relation extraction as the target task. We learn these tasks simultaneously from training instances to take advantage of inductive transfer between auxiliary tasks and the target task. Then we construct a hierarchical neural network, which incorporates dependency and entity representations from auxiliary tasks into a more robust relation representation against the noisy labels. The experimental results demonstrate that our model improves the predictive performance substantially over single-task learning baselines.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"8 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123081134","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
Learning Effective Neural Nets for Outcome Prediction from Partially Labelled Log Data 从部分标记的日志数据中学习有效的神经网络预测结果
Francesco Folino, G. Folino, M. Guarascio, L. Pontieri
The problem of inducing a model for forecasting the outcome of an ongoing process instance from historical log traces has attracted notable attention in the field of Process Mining. Approaches based on deep neural networks have become popular in this context, as a more effective alternative to previous feature-based outcome-prediction methods. However, these approaches rely on a pure supervised learning scheme, and unfit many real-life scenarios where the outcome of (fully unfolded) training traces must be provided by experts. Indeed, since in such a scenario only a small amount of labeled traces are usually given, there is a risk that an inaccurate or overfitting model is discovered. To overcome these issues, a novel outcome-discovery approach is proposed here, which leverages a fine-tuning strategy that learns general-enough trace representations from unlabelled log traces, which are then reused (and adapted) in the discovery of the outcome predictor. Results on real-life data confirmed that our proposal makes a more effective and robust solution for label-scarcity scenarios than current outcome-prediction methods.
在过程挖掘领域中,从历史日志轨迹中导出一个预测正在进行的过程实例结果的模型的问题引起了人们的极大关注。在这种情况下,基于深度神经网络的方法已经变得流行,作为先前基于特征的结果预测方法的更有效的替代方法。然而,这些方法依赖于纯粹的监督学习方案,不适合许多现实生活场景,在这些场景中,(完全展开的)训练痕迹的结果必须由专家提供。实际上,由于在这种情况下通常只给出少量的标记痕迹,因此存在发现不准确或过拟合模型的风险。为了克服这些问题,本文提出了一种新的结果发现方法,它利用一种微调策略,从未标记的日志跟踪中学习足够通用的跟踪表示,然后在发现结果预测器时重用(和调整)这些跟踪表示。实际数据的结果证实,我们的建议比当前的结果预测方法更有效和稳健地解决了标签稀缺性场景。
{"title":"Learning Effective Neural Nets for Outcome Prediction from Partially Labelled Log Data","authors":"Francesco Folino, G. Folino, M. Guarascio, L. Pontieri","doi":"10.1109/ICTAI.2019.00196","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00196","url":null,"abstract":"The problem of inducing a model for forecasting the outcome of an ongoing process instance from historical log traces has attracted notable attention in the field of Process Mining. Approaches based on deep neural networks have become popular in this context, as a more effective alternative to previous feature-based outcome-prediction methods. However, these approaches rely on a pure supervised learning scheme, and unfit many real-life scenarios where the outcome of (fully unfolded) training traces must be provided by experts. Indeed, since in such a scenario only a small amount of labeled traces are usually given, there is a risk that an inaccurate or overfitting model is discovered. To overcome these issues, a novel outcome-discovery approach is proposed here, which leverages a fine-tuning strategy that learns general-enough trace representations from unlabelled log traces, which are then reused (and adapted) in the discovery of the outcome predictor. Results on real-life data confirmed that our proposal makes a more effective and robust solution for label-scarcity scenarios than current outcome-prediction methods.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"45 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126254546","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
Fine-Grained Image Classification Combined with Label Description 结合标签描述的细粒度图像分类
Xiruo Shi, Liutong Xu, Pengfei Wang
Fine-grained image classification faces huge challenges because fine-grained images are similar overall, and the distinguishable regions are difficult to find. Generally, in this task, label descriptions contain valuable semantic information that is accurately compatible with discriminative features of images (i.e., the description of the "Rusty Black Bird" corresponding to the morphological characteristics of its image). Bringing these descriptions into consideration is benefit to discern these similar images. Previous works, however, usually ignore label descriptions and just mine informative features from images, thus the performance may be limited. In this paper, we try to take both label descriptions and images into consideration, and we formalize the classification task into a matching task to address this issue. Specifically, Our model is based on a combination of Convolutional Neural Networks (CNN) over images and Graph Convolutional Networks(GCN) over label descriptions. We map the resulting image representations and text representations to the same dimension for matching and achieve the purpose of classification through the matching operation. Experimental results demonstrate that our approach can achieve the best performance compared with the state-of-the-art methods on the datasets of Stanford dogs and CUB-200-2011.
细粒度图像的分类面临着巨大的挑战,因为细粒度图像总体上是相似的,很难找到可区分的区域。通常,在该任务中,标签描述包含有价值的语义信息,这些信息与图像的判别特征准确兼容(即“Rusty Black Bird”对应其图像的形态学特征的描述)。考虑到这些描述有助于辨别这些相似的图像。然而,以往的工作通常忽略标签描述,只是从图像中挖掘信息特征,因此性能可能会受到限制。在本文中,我们尝试同时考虑标签描述和图像,并将分类任务形式化为匹配任务来解决这一问题。具体来说,我们的模型是基于图像上的卷积神经网络(CNN)和标签描述上的图形卷积网络(GCN)的组合。我们将得到的图像表示和文本表示映射到同一维度进行匹配,通过匹配操作达到分类的目的。实验结果表明,与目前最先进的方法相比,我们的方法在斯坦福狗和CUB-200-2011数据集上取得了最好的性能。
{"title":"Fine-Grained Image Classification Combined with Label Description","authors":"Xiruo Shi, Liutong Xu, Pengfei Wang","doi":"10.1109/ICTAI.2019.00148","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00148","url":null,"abstract":"Fine-grained image classification faces huge challenges because fine-grained images are similar overall, and the distinguishable regions are difficult to find. Generally, in this task, label descriptions contain valuable semantic information that is accurately compatible with discriminative features of images (i.e., the description of the \"Rusty Black Bird\" corresponding to the morphological characteristics of its image). Bringing these descriptions into consideration is benefit to discern these similar images. Previous works, however, usually ignore label descriptions and just mine informative features from images, thus the performance may be limited. In this paper, we try to take both label descriptions and images into consideration, and we formalize the classification task into a matching task to address this issue. Specifically, Our model is based on a combination of Convolutional Neural Networks (CNN) over images and Graph Convolutional Networks(GCN) over label descriptions. We map the resulting image representations and text representations to the same dimension for matching and achieve the purpose of classification through the matching operation. Experimental results demonstrate that our approach can achieve the best performance compared with the state-of-the-art methods on the datasets of Stanford dogs and CUB-200-2011.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130127662","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}
引用次数: 3
An Expansion Convolution Method Based on Local Region Parameter Sharing 基于局部区域参数共享的展开卷积方法
Qimao Yang, Jun Guo
In this paper, a new convolution method for convolutional neural networks (CNNs) is proposed to improve the accuracy of image classification. To contain more efficient context, some of the parameters in the kernel are selectively expanded so as to be shared by the surrounding pixels. Thus, the convolution filter is enlarged meanwhile the number of the parameters is not increased. Compared to the traditional methods, the proposed method can restrain the over-fitting problem well. The experimental results on benchmarks show that the proposed method can achieve higher accuracies closed to the deeper networks, and get better accuracies in the case of the same network depth.
为了提高图像分类的准确率,本文提出了一种新的卷积神经网络(cnn)卷积方法。为了包含更有效的上下文,内核中的一些参数被选择性地展开,以便与周围的像素共享。这样,在不增加参数数量的同时,扩大了卷积滤波器。与传统方法相比,该方法能很好地抑制过拟合问题。在基准上的实验结果表明,该方法在接近深度网络的情况下可以获得更高的精度,在相同网络深度的情况下也可以获得更好的精度。
{"title":"An Expansion Convolution Method Based on Local Region Parameter Sharing","authors":"Qimao Yang, Jun Guo","doi":"10.1109/ICTAI.2019.00204","DOIUrl":"https://doi.org/10.1109/ICTAI.2019.00204","url":null,"abstract":"In this paper, a new convolution method for convolutional neural networks (CNNs) is proposed to improve the accuracy of image classification. To contain more efficient context, some of the parameters in the kernel are selectively expanded so as to be shared by the surrounding pixels. Thus, the convolution filter is enlarged meanwhile the number of the parameters is not increased. Compared to the traditional methods, the proposed method can restrain the over-fitting problem well. The experimental results on benchmarks show that the proposed method can achieve higher accuracies closed to the deeper networks, and get better accuracies in the case of the same network depth.","PeriodicalId":346657,"journal":{"name":"2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)","volume":"79 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122591807","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
期刊
2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI)
全部 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