首页 > 最新文献

2021 13th International Conference on Machine Learning and Computing最新文献

英文 中文
Accelerating Transformer for Neural Machine Translation 神经机器翻译加速变压器
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457711
Li Huang, Wenyu Chen, Hong Qu
Neural Machine Translation (NMT) models based on Transformer achieve promising progress in both translation quality and training speed. Such a strong framework adopts parallel structures that greatly improve the decoding speed without losing quality. However, due to the self-attention network in decoder that cannot maintain the parallelization under the auto-regressive scheme, the Transformer did not enjoy the same speed performance as training when inference. In this work, with simplicity and feasibility in mind, we introduce a gated cumulative attention network to replace the self-attention part in Transformer decoder to maintain the parallelization property in the inference phase. The gated cumulative attention network includes two sub-layers, a gated linearly cumulative layer that creates the relationship between already predicted tokens and current representation, and a feature fusion layer that enhances the representation with a feature fusion operation. The proposed method was evaluated on WMT17 datasets with 12 language pair groups. Experimental results show the effectiveness of the proposed method and also demonstrated that the proposed gated cumulative attention network has adequate ability as an alternative to the self-attention part in the Transformer decoder.
基于Transformer的神经机器翻译(NMT)模型在翻译质量和训练速度方面都取得了可喜的进展。这种强大的框架采用并行结构,在不损失解码质量的情况下大大提高了解码速度。然而,由于解码器中的自关注网络在自回归方案下无法保持并行性,导致Transformer在推理时无法获得与训练相同的速度性能。在本工作中,考虑到简单和可行性,我们引入了一个门控累积注意网络来取代变压器解码器中的自注意部分,以保持推理阶段的并行性。门控累积注意网络包括两个子层,一个是门控线性累积层,它在已经预测的标记和当前表示之间建立关系,另一个是特征融合层,它通过特征融合操作增强表征。在包含12个语言对组的WMT17数据集上对该方法进行了评估。实验结果表明了该方法的有效性,也证明了所提出的门控累积注意网络作为变压器解码器中自注意部分的替代方案具有足够的能力。
{"title":"Accelerating Transformer for Neural Machine Translation","authors":"Li Huang, Wenyu Chen, Hong Qu","doi":"10.1145/3457682.3457711","DOIUrl":"https://doi.org/10.1145/3457682.3457711","url":null,"abstract":"Neural Machine Translation (NMT) models based on Transformer achieve promising progress in both translation quality and training speed. Such a strong framework adopts parallel structures that greatly improve the decoding speed without losing quality. However, due to the self-attention network in decoder that cannot maintain the parallelization under the auto-regressive scheme, the Transformer did not enjoy the same speed performance as training when inference. In this work, with simplicity and feasibility in mind, we introduce a gated cumulative attention network to replace the self-attention part in Transformer decoder to maintain the parallelization property in the inference phase. The gated cumulative attention network includes two sub-layers, a gated linearly cumulative layer that creates the relationship between already predicted tokens and current representation, and a feature fusion layer that enhances the representation with a feature fusion operation. The proposed method was evaluated on WMT17 datasets with 12 language pair groups. Experimental results show the effectiveness of the proposed method and also demonstrated that the proposed gated cumulative attention network has adequate ability as an alternative to the self-attention part in the Transformer decoder.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"36 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129134509","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
A Mixed-coding Harmony Search Algorithm for the Closed Loop Layout Problem 闭环布局问题的混合编码和谐搜索算法
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457696
Wenhan Deng, Ming Zhang, Kai He, Lijin Wang, Juan Lin, Yiwen Zhong
Closed Loop Layout Problem (CLLP) is an NP-hard facility layout problem that determines the most favorable placement of facilities along a rectangle loop with adjustable size. The primary objective of the CLLP is to minimize the total transportation cost of the material flow between facilities. To obtain this objective, the optimal placement sequence of the facilities and the corresponding optimal size of the rectangle loop must be obtained at the same time. Although several metaheuristic-based methods have been proposed to tackle the CLLP, those methods only use metaheuristics to search the optimal placement sequence of facilities, and the optimal size of the rectangle loop is obtained by enumeration method. In order to improve the search efficiency of metaheuristics for the CLLP, this paper presents a Mixed-coding Harmony Search (MHS) algorithm which includes Permutation-based Discrete Harmony Search (PDHS) and Continuous Harmony Search (CHS). The PDHS part is designed to search the optimal placement sequence of facilities, and the CHS part is used to find the optimal size of the rectangle loop. Comparing experiments, which were conducted on 13 CLLP instances, have shown that the MHS algorithm obtains better results in less time than other existing metaheuristics.
闭环布局问题(CLLP)是一个NP-hard的设施布局问题,它决定了设施沿着一个可调节大小的矩形环路的最有利位置。CLLP的主要目标是尽量减少设施之间物料流动的总运输成本。为了实现这一目标,必须同时得到设施的最优布置顺序和相应的矩形回路的最优尺寸。虽然已经提出了几种基于元启发式的方法来解决CLLP问题,但这些方法只是使用元启发式方法来搜索设施的最优放置顺序,而矩形环路的最优大小是通过枚举方法获得的。为了提高CLLP元启发式算法的搜索效率,本文提出了一种混合编码和谐搜索(MHS)算法,该算法包括基于排列的离散和谐搜索(PDHS)和连续和谐搜索(CHS)。PDHS部分用于搜索设施的最优放置顺序,CHS部分用于寻找矩形回路的最优尺寸。在13个CLLP实例上进行的实验对比表明,MHS算法比现有的元启发式算法在更短的时间内获得更好的结果。
{"title":"A Mixed-coding Harmony Search Algorithm for the Closed Loop Layout Problem","authors":"Wenhan Deng, Ming Zhang, Kai He, Lijin Wang, Juan Lin, Yiwen Zhong","doi":"10.1145/3457682.3457696","DOIUrl":"https://doi.org/10.1145/3457682.3457696","url":null,"abstract":"Closed Loop Layout Problem (CLLP) is an NP-hard facility layout problem that determines the most favorable placement of facilities along a rectangle loop with adjustable size. The primary objective of the CLLP is to minimize the total transportation cost of the material flow between facilities. To obtain this objective, the optimal placement sequence of the facilities and the corresponding optimal size of the rectangle loop must be obtained at the same time. Although several metaheuristic-based methods have been proposed to tackle the CLLP, those methods only use metaheuristics to search the optimal placement sequence of facilities, and the optimal size of the rectangle loop is obtained by enumeration method. In order to improve the search efficiency of metaheuristics for the CLLP, this paper presents a Mixed-coding Harmony Search (MHS) algorithm which includes Permutation-based Discrete Harmony Search (PDHS) and Continuous Harmony Search (CHS). The PDHS part is designed to search the optimal placement sequence of facilities, and the CHS part is used to find the optimal size of the rectangle loop. Comparing experiments, which were conducted on 13 CLLP instances, have shown that the MHS algorithm obtains better results in less time than other existing metaheuristics.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"30 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129213362","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
Using Principal Component Analysis and Online Sequential Extreme Learning Machine Approach for Transient Electromagnetic Nonlinear Inversion: TEM-Inversion-based-on-PCA-OSELM
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457766
Ruiyou Li
The traditional artificial neural network based on gradient descent method result in low computational efficiency and local convergence for transient electromagnetic inversion. To solve the these problems, a hybrid approach combining principal component analysis (PCA) and online sequential extreme learning machine (OSELM) is proposed in this paper (PCA-OSELM) and is applied in the transient electromagnetic inversion. First, a principal component analysis method is introduced to reduce the dimension of vertical magnetic field data and improves the computational efficiency. Then, the new samples obtained from the data sets are added to the training samples as the next update information to establish the OSELM prediction models, so that improve the inversion accuracy. Finally, the inversion results of the two typical layered geoelectric models and a quasi two-dimensional geoelectric model show that the proposed approach can well solve the modeling nonlinear problem that high-dimensional data generated by transient electromagnetic method. Moreover, compared with other nonlinear inversion methods (OSELM, ELM), the PCA-OSELM achieves more accurate, better generalization ability and higher computational efficiency, which can provide new ideas for the application of neural networks in geophysical inversion.
传统的基于梯度下降法的人工神经网络在瞬变电磁反演中存在计算效率低、局部收敛的问题。为了解决这些问题,本文提出了一种结合主成分分析(PCA)和在线顺序极限学习机(OSELM)的混合方法(PCA-OSELM),并将其应用于瞬变电磁反演中。首先,采用主成分分析法对垂直磁场数据进行降维处理,提高了计算效率;然后,将从数据集中获得的新样本添加到训练样本中作为下一个更新信息,建立OSELM预测模型,从而提高反演精度。两个典型层状地电模型和一个准二维地电模型的反演结果表明,该方法可以很好地解决瞬变电磁法生成的高维数据的建模非线性问题。此外,与其它非线性反演方法(OSELM、ELM)相比,PCA-OSELM具有更高的精度、更好的泛化能力和更高的计算效率,为神经网络在地球物理反演中的应用提供了新的思路。
{"title":"Using Principal Component Analysis and Online Sequential Extreme Learning Machine Approach for Transient Electromagnetic Nonlinear Inversion: TEM-Inversion-based-on-PCA-OSELM","authors":"Ruiyou Li","doi":"10.1145/3457682.3457766","DOIUrl":"https://doi.org/10.1145/3457682.3457766","url":null,"abstract":"The traditional artificial neural network based on gradient descent method result in low computational efficiency and local convergence for transient electromagnetic inversion. To solve the these problems, a hybrid approach combining principal component analysis (PCA) and online sequential extreme learning machine (OSELM) is proposed in this paper (PCA-OSELM) and is applied in the transient electromagnetic inversion. First, a principal component analysis method is introduced to reduce the dimension of vertical magnetic field data and improves the computational efficiency. Then, the new samples obtained from the data sets are added to the training samples as the next update information to establish the OSELM prediction models, so that improve the inversion accuracy. Finally, the inversion results of the two typical layered geoelectric models and a quasi two-dimensional geoelectric model show that the proposed approach can well solve the modeling nonlinear problem that high-dimensional data generated by transient electromagnetic method. Moreover, compared with other nonlinear inversion methods (OSELM, ELM), the PCA-OSELM achieves more accurate, better generalization ability and higher computational efficiency, which can provide new ideas for the application of neural networks in geophysical inversion.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"8 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126770743","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
Acoustic Classification of Bird Species Using Wavelets and Learning Algorithms 基于小波和学习算法的鸟类声学分类
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457692
Song Yang, R. Frier, Qiang Shi
In this project, we derived an effective and efficient mathematical algorithm to identify bird species based on bird calls. Classifying bird species can be useful in real applications, such as determining the health of an ecosystem, or identifying hazardous species of birds near airports and reducing the bird-aircraft strikes. Having well-trained ornithologists to identify the characteristics of birds requires many man hours, and the results may be subjective. Our research was intended to develop a semi-automatic classification algorithm. We first performed a wavelet decomposition algorithm over more than 1200 syllables from 12 different bird species, and then extracted a set of eight parameters from each instance. The dataset formed by the instances and associated parameters was used to train and test different classifiers. Our results showed that among all the classifiers we tested, Cubic Support Vector Machine and Random Forest achieved the highest classification rates, each of which was over 93%.
在这个项目中,我们推导了一个有效的基于鸟类叫声的鸟类种类识别的数学算法。鸟类物种分类在实际应用中是有用的,例如确定生态系统的健康状况,或识别机场附近的危险鸟类物种并减少鸟与飞机的撞击。让训练有素的鸟类学家鉴定鸟类的特征需要许多工时,而且结果可能是主观的。我们的研究旨在开发一种半自动分类算法。我们首先对12种不同鸟类的1200多个音节进行了小波分解算法,然后从每个实例中提取了一组8个参数。由实例和相关参数组成的数据集用于训练和测试不同的分类器。我们的结果表明,在我们测试的所有分类器中,立方支持向量机和随机森林的分类率最高,均超过93%。
{"title":"Acoustic Classification of Bird Species Using Wavelets and Learning Algorithms","authors":"Song Yang, R. Frier, Qiang Shi","doi":"10.1145/3457682.3457692","DOIUrl":"https://doi.org/10.1145/3457682.3457692","url":null,"abstract":"In this project, we derived an effective and efficient mathematical algorithm to identify bird species based on bird calls. Classifying bird species can be useful in real applications, such as determining the health of an ecosystem, or identifying hazardous species of birds near airports and reducing the bird-aircraft strikes. Having well-trained ornithologists to identify the characteristics of birds requires many man hours, and the results may be subjective. Our research was intended to develop a semi-automatic classification algorithm. We first performed a wavelet decomposition algorithm over more than 1200 syllables from 12 different bird species, and then extracted a set of eight parameters from each instance. The dataset formed by the instances and associated parameters was used to train and test different classifiers. Our results showed that among all the classifiers we tested, Cubic Support Vector Machine and Random Forest achieved the highest classification rates, each of which was over 93%.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"19 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125266993","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
Comparison of RNN and Embeddings Methods for Next-item and Last-basket Session-based Recommendations 基于下一项和最后一篮会话推荐的RNN和嵌入方法的比较
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457755
M. Salampasis, Theodosios Siomos, Alkiviadis Katsalis, K. Diamantaras, Konstantinos Christantonis, Marina Delianidi, Iphigenia Karaveli
Recurrent Neural Networks (RNNs) have been shown to perform very effectively in session-based recommendation settings, when compared to other commonly used methods that consider the last viewed item of the user and precomputed item-to-item similarities. However, there is little systematic study on how RNNs perform in comparison to methods that use embeddings for item representation for Collaborative Filtering. In this paper we use two industry datasets to compare RNNs with other sequential recommenders that use various embedding methods to represent items. The first dataset corresponds to a typical e-commerce session-based scenario demanding effective next-item recommendation. The second dataset represents a last-basket prediction setting. Results show that although the RNN greatly outperforms embedding methods in the next-item scenario, the dynamic nature of the RNNs has not the same positive impact in the last-basket prediction task. We also present and test a framework that enables the hybrid utilization of text content and item sequences using embeddings. Finally, we report on experiments with reranking methods that demonstrate the effectiveness of simple and practical methods, using item categories, to improve the results.
递归神经网络(RNNs)在基于会话的推荐设置中表现得非常有效,与其他常用的方法相比,这些方法考虑了用户最后查看的物品和预先计算的物品之间的相似性。然而,很少有关于rnn与使用嵌入来表示协同过滤的项目的方法相比表现如何的系统研究。在本文中,我们使用两个行业数据集来比较rnn与其他使用各种嵌入方法来表示项目的顺序推荐。第一个数据集对应于一个典型的基于电子商务会话的场景,需要有效的下一项推荐。第二个数据集表示最后一篮预测设置。结果表明,尽管RNN在下一项场景中大大优于嵌入方法,但RNN的动态特性在最后一篮预测任务中没有同样的积极影响。我们还提出并测试了一个框架,该框架允许使用嵌入混合使用文本内容和项目序列。最后,我们报告了用重新排序方法的实验,证明了简单实用的方法的有效性,使用项目分类,以改善结果。
{"title":"Comparison of RNN and Embeddings Methods for Next-item and Last-basket Session-based Recommendations","authors":"M. Salampasis, Theodosios Siomos, Alkiviadis Katsalis, K. Diamantaras, Konstantinos Christantonis, Marina Delianidi, Iphigenia Karaveli","doi":"10.1145/3457682.3457755","DOIUrl":"https://doi.org/10.1145/3457682.3457755","url":null,"abstract":"Recurrent Neural Networks (RNNs) have been shown to perform very effectively in session-based recommendation settings, when compared to other commonly used methods that consider the last viewed item of the user and precomputed item-to-item similarities. However, there is little systematic study on how RNNs perform in comparison to methods that use embeddings for item representation for Collaborative Filtering. In this paper we use two industry datasets to compare RNNs with other sequential recommenders that use various embedding methods to represent items. The first dataset corresponds to a typical e-commerce session-based scenario demanding effective next-item recommendation. The second dataset represents a last-basket prediction setting. Results show that although the RNN greatly outperforms embedding methods in the next-item scenario, the dynamic nature of the RNNs has not the same positive impact in the last-basket prediction task. We also present and test a framework that enables the hybrid utilization of text content and item sequences using embeddings. Finally, we report on experiments with reranking methods that demonstrate the effectiveness of simple and practical methods, using item categories, to improve the results.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"108 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122418354","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}
引用次数: 5
Generalized Intersection over Union Based Online Weighted Multiple Instance Learning Algorithm for Object Tracking 基于广义交联的在线加权多实例学习目标跟踪算法
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457698
Xiaoshun Lu, Si Chen, Zhuoyuan Zheng, Chenyu Weng, Rui Xu
The traditional weighted multiple instance learning based online object tracking methods often use the Euclidean distance between the centers of the bounding boxes of the target and the instance to weight the instances in the positive bag, which can not effectively measure the contribution degree of the instances of the positive and negative bags and easily causes the object drifting problem. This paper proposes a generalized intersection over union based online weighted multiple instance learning algorithm (named GIoU-WMIL) for object tracking. This algorithm introduces a novel generalized intersection over union (GIoU) to calculate the overlap degree between the bounding boxes of the target and each instance in the bags, in order to effectively measure the contribution of the different instances. Furthermore, a new objective function is designed by employing the GIoU-based weights of all the instances in the positive and negative bags. Experiments show that the proposed algorithm has the good robustness and accuracy on several challenging video sequences.
传统的基于加权多实例学习的在线目标跟踪方法通常采用目标与实例边界框中心之间的欧氏距离来对正袋中的实例进行加权,不能有效度量正袋和负袋实例的贡献程度,容易造成目标漂移问题。提出了一种基于广义交联的在线加权多实例学习算法(GIoU-WMIL)用于目标跟踪。该算法引入了一种新的广义交联(GIoU)来计算目标的边界盒与袋中每个实例的重叠度,从而有效地度量不同实例的贡献。在此基础上,利用基于giu的正袋和负袋中所有实例的权重,设计了新的目标函数。实验表明,该算法对多个具有挑战性的视频序列具有良好的鲁棒性和准确性。
{"title":"Generalized Intersection over Union Based Online Weighted Multiple Instance Learning Algorithm for Object Tracking","authors":"Xiaoshun Lu, Si Chen, Zhuoyuan Zheng, Chenyu Weng, Rui Xu","doi":"10.1145/3457682.3457698","DOIUrl":"https://doi.org/10.1145/3457682.3457698","url":null,"abstract":"The traditional weighted multiple instance learning based online object tracking methods often use the Euclidean distance between the centers of the bounding boxes of the target and the instance to weight the instances in the positive bag, which can not effectively measure the contribution degree of the instances of the positive and negative bags and easily causes the object drifting problem. This paper proposes a generalized intersection over union based online weighted multiple instance learning algorithm (named GIoU-WMIL) for object tracking. This algorithm introduces a novel generalized intersection over union (GIoU) to calculate the overlap degree between the bounding boxes of the target and each instance in the bags, in order to effectively measure the contribution of the different instances. Furthermore, a new objective function is designed by employing the GIoU-based weights of all the instances in the positive and negative bags. Experiments show that the proposed algorithm has the good robustness and accuracy on several challenging video sequences.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"86 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133358090","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 Gradient heatmap based Table Structure Recognition 基于梯度热图的表结构识别
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457752
Lingjun Kong, Yunchao Bao, Qianwen Wang, Lijun Cao, Shengmei Zhao
Most methods to recognize the structure of a table are to use the object detection approach to directly locate each cell in the table or to segment the table line based on the fully convolutional network (FCN). The problem of the former is that it is laborious to recognize the distorted table, while the problem of the latter is that the sample imbalance makes it difficult to train the model. In this paper, a gradient heatmap based table structure recognition method is proposed, by exploring the gradient heatmaps of the vertical lines and horizontal lines in the table. Specifically, the pixels of the vertical lines of the table are obtained according to the gradient heatmap, then the pixels of the horizontal lines are obtained using the same method, and finally the table structure is restored by using the connected domain search method. Compared with the Single Shot MultiBox Detector (SSD) and Faster RCNN that directly detects cells, our Average Precision (AP) value reached up to 99.5%, which is much higher than the above models. Additionally, we demonstrate that the AP values of the proposed models are reduced almost negligibly when the IoU threshold increased from 0.5 to 0.75, while the AP value of the fast RCNN and SSD model decreased significantly.
大多数识别表结构的方法是使用目标检测方法直接定位表中的每个单元格或基于全卷积网络(FCN)对表行进行分割。前者的问题是识别扭曲的表很费力,而后者的问题是样本不平衡导致模型训练困难。本文提出了一种基于梯度热图的表格结构识别方法,通过探索表格中垂直线和水平线的梯度热图。具体来说,首先根据梯度热图获得表格的垂直线像素,然后使用相同的方法获得水平线像素,最后使用连通域搜索方法恢复表格结构。与直接检测细胞的Single Shot MultiBox Detector (SSD)和Faster RCNN相比,我们的Average Precision (AP)值高达99.5%,大大高于上述模型。此外,我们证明,当IoU阈值从0.5增加到0.75时,所提出模型的AP值降低几乎可以忽略不计,而快速RCNN和SSD模型的AP值显著降低。
{"title":"A Gradient heatmap based Table Structure Recognition","authors":"Lingjun Kong, Yunchao Bao, Qianwen Wang, Lijun Cao, Shengmei Zhao","doi":"10.1145/3457682.3457752","DOIUrl":"https://doi.org/10.1145/3457682.3457752","url":null,"abstract":"Most methods to recognize the structure of a table are to use the object detection approach to directly locate each cell in the table or to segment the table line based on the fully convolutional network (FCN). The problem of the former is that it is laborious to recognize the distorted table, while the problem of the latter is that the sample imbalance makes it difficult to train the model. In this paper, a gradient heatmap based table structure recognition method is proposed, by exploring the gradient heatmaps of the vertical lines and horizontal lines in the table. Specifically, the pixels of the vertical lines of the table are obtained according to the gradient heatmap, then the pixels of the horizontal lines are obtained using the same method, and finally the table structure is restored by using the connected domain search method. Compared with the Single Shot MultiBox Detector (SSD) and Faster RCNN that directly detects cells, our Average Precision (AP) value reached up to 99.5%, which is much higher than the above models. Additionally, we demonstrate that the AP values of the proposed models are reduced almost negligibly when the IoU threshold increased from 0.5 to 0.75, while the AP value of the fast RCNN and SSD model decreased significantly.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"85 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125948020","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
Intra-Class Cutmix for Unbalanced Data Augmentation 不平衡数据增强的类内混合
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457719
Caidan Zhao, Yang Lei
In the case of the training dataset suffering from heavy class-imbalance, deep learning algorithms may perform poorly. Due to the data-poor, the neural network cannot fully learn the representation of minority classes. In this paper, we proposed a data augmentation strategy called Intra-Class Cutmix for unbalanced datasets. Our algorithm can enhance the learning ability of neural networks for minority classes by mixing the intra-class samples of minority classes, and correct the decision boundary affected by unbalanced datasets. Although the method is simple, for unbalanced datasets, our method can be used as a supplement to traditional data augmentation methods (such as Randomerasing, Cutmix, etc.) to further enhance the performance of the network. In addition, Intra-Class Cutmix is also suitable for advanced re-balancing strategies. We conducted experiments on the CIFAR-10, CIFAR-100 and Fashion-MNIST datasets. Our results proved the effectiveness and universality of our method.
在训练数据集存在严重的类不平衡的情况下,深度学习算法可能会表现不佳。由于数据不足,神经网络不能完全学习到少数类的表示。本文针对非平衡数据集,提出了一种名为Intra-Class Cutmix的数据增强策略。该算法通过混合少数类的类内样本来增强神经网络对少数类的学习能力,并修正受不平衡数据集影响的决策边界。虽然方法简单,但对于不平衡的数据集,我们的方法可以作为传统数据增强方法(如Randomerasing, Cutmix等)的补充,进一步增强网络的性能。此外,Intra-Class Cutmix也适用于高级的再平衡策略。我们在CIFAR-10、CIFAR-100和Fashion-MNIST数据集上进行了实验。结果证明了该方法的有效性和通用性。
{"title":"Intra-Class Cutmix for Unbalanced Data Augmentation","authors":"Caidan Zhao, Yang Lei","doi":"10.1145/3457682.3457719","DOIUrl":"https://doi.org/10.1145/3457682.3457719","url":null,"abstract":"In the case of the training dataset suffering from heavy class-imbalance, deep learning algorithms may perform poorly. Due to the data-poor, the neural network cannot fully learn the representation of minority classes. In this paper, we proposed a data augmentation strategy called Intra-Class Cutmix for unbalanced datasets. Our algorithm can enhance the learning ability of neural networks for minority classes by mixing the intra-class samples of minority classes, and correct the decision boundary affected by unbalanced datasets. Although the method is simple, for unbalanced datasets, our method can be used as a supplement to traditional data augmentation methods (such as Randomerasing, Cutmix, etc.) to further enhance the performance of the network. In addition, Intra-Class Cutmix is also suitable for advanced re-balancing strategies. We conducted experiments on the CIFAR-10, CIFAR-100 and Fashion-MNIST datasets. Our results proved the effectiveness and universality of our method.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"20 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122471757","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
Tracking Ground Targets with Road Constraint Using a Gaussian Mixture Road-Labeled PHD Filter 基于高斯混合道路标记PHD滤波器的道路约束地面目标跟踪
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457738
Jihong Zheng, Jinming Min, He He
The general focus of this paper is the improvement of state-of-the-art Bayesian tracking filters specialized to the domain of ground moving target tracking to obtain high-quality track information by incorporation of road-map information into a Gaussian mixture probability hypothesis density (GM-PHD) filtering scheme. In this paper, we propose a road-labeled GM-PHD (GM-RL-PHD) filter for ground targets with road-segment constrained dynamics and the recursive equations of the filter is derived. The proposed filter is validated with a ground target tracking example. The simulation results show that the proposed algorithm can improve the performance of ground target tracking algorithm by fusing road map information.
本文的总体重点是改进最先进的贝叶斯跟踪滤波器,专门用于地面运动目标跟踪领域,通过将路线图信息纳入高斯混合概率假设密度(GM-PHD)滤波方案,以获得高质量的跟踪信息。本文提出了一种道路标记GM-PHD (GM-RL-PHD)滤波器,并推导了该滤波器的递推方程。通过地面目标跟踪实例验证了该滤波器的有效性。仿真结果表明,该算法通过融合道路地图信息,提高了地面目标跟踪算法的性能。
{"title":"Tracking Ground Targets with Road Constraint Using a Gaussian Mixture Road-Labeled PHD Filter","authors":"Jihong Zheng, Jinming Min, He He","doi":"10.1145/3457682.3457738","DOIUrl":"https://doi.org/10.1145/3457682.3457738","url":null,"abstract":"The general focus of this paper is the improvement of state-of-the-art Bayesian tracking filters specialized to the domain of ground moving target tracking to obtain high-quality track information by incorporation of road-map information into a Gaussian mixture probability hypothesis density (GM-PHD) filtering scheme. In this paper, we propose a road-labeled GM-PHD (GM-RL-PHD) filter for ground targets with road-segment constrained dynamics and the recursive equations of the filter is derived. The proposed filter is validated with a ground target tracking example. The simulation results show that the proposed algorithm can improve the performance of ground target tracking algorithm by fusing road map information.","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124155789","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
An Efficacious Method for Facial Expression Recognition: GAN Erased Facial Feature Network (GE2FN) 一种有效的面部表情识别方法:GAN擦除面部特征网络(GE2FN)
Pub Date : 2021-02-26 DOI: 10.1145/3457682.3457746
Tao Zhang, Tang Kai
We put forward a powerful facial expression recognition method based on removing the noise features from the input image to achieve a significant improvement in accuracy. To achieve this goal, we first exploit GAN network to generate a neutral face from the emotional face, and then apply two different convolution layers to extract emotional face features and neutral face features separately. Finally, we eliminate neutral face features from emotional face features to get pure “emotion features”, which are then used to get prediction results. The overall prediction network, termed GAN Erased Facial Feature Network (GE2FN) achieves 98.02% ACC on the CK+ dataset with 48x48 input. The accuracy rate is significantly improved compared to other approaches, including the current mainstream VGG approach
我们提出了一种基于去除输入图像中的噪声特征的功能强大的面部表情识别方法,从而显著提高了识别精度。为了实现这一目标,我们首先利用GAN网络从情绪脸生成中性脸,然后应用两个不同的卷积层分别提取情绪脸特征和中性脸特征。最后,从情绪性人脸特征中剔除中性人脸特征,得到纯粹的“情绪性特征”,用于预测结果。整个预测网络,称为GAN擦除面部特征网络(GE2FN),在CK+数据集上达到98.02%的ACC,输入为48x48。与包括目前主流的VGG方法在内的其他方法相比,准确率有了显著提高
{"title":"An Efficacious Method for Facial Expression Recognition: GAN Erased Facial Feature Network (GE2FN)","authors":"Tao Zhang, Tang Kai","doi":"10.1145/3457682.3457746","DOIUrl":"https://doi.org/10.1145/3457682.3457746","url":null,"abstract":"We put forward a powerful facial expression recognition method based on removing the noise features from the input image to achieve a significant improvement in accuracy. To achieve this goal, we first exploit GAN network to generate a neutral face from the emotional face, and then apply two different convolution layers to extract emotional face features and neutral face features separately. Finally, we eliminate neutral face features from emotional face features to get pure “emotion features”, which are then used to get prediction results. The overall prediction network, termed GAN Erased Facial Feature Network (GE2FN) achieves 98.02% ACC on the CK+ dataset with 48x48 input. The accuracy rate is significantly improved compared to other approaches, including the current mainstream VGG approach","PeriodicalId":142045,"journal":{"name":"2021 13th International Conference on Machine Learning and Computing","volume":"60 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-02-26","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"134287670","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
期刊
2021 13th International Conference on Machine Learning and Computing
全部 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