首页 > 最新文献

International Conference on Machine Learning and Computing最新文献

英文 中文
Power Load Forecasting Using a Refined LSTM 基于改进LSTM的电力负荷预测
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318353
Dedong Tang, Chen Li, Xiaohui Ji, Zhenyu Chen, Fangchun Di
The power load forecasting is based on historical energy consumption data of a region to forecast the power consumption of the region for a period of time in the future. Accurate forecasting can provide effective and reliable guidance for power construction and grid operation. This paper proposed a power load forecasting approach using a two LSTM (long-short-term memory) layers neural network. Based on the real power load data provided by EUNITE, a power load forecasting method based on LSTM is constructed. Two models, single-point forecasting model and multiple-point forecasting model, are built to forecast the power of next hour and next half day. The experimental results show that the mean absolute percentage error of the single-point forecasting model is 1.806 and the mean absolute percentage error of the multiple-points forecasting model of LSTM network is 2.496.
电力负荷预测是根据某一地区的历史能耗数据,预测该地区未来一段时间的用电情况。准确的预测可以为电力建设和电网运行提供有效、可靠的指导。提出了一种基于两长短期记忆层神经网络的电力负荷预测方法。基于EUNITE提供的实际电力负荷数据,构建了一种基于LSTM的电力负荷预测方法。建立了单点预测模型和多点预测模型,对未来一小时和半天的电力进行预测。实验结果表明,LSTM网络单点预测模型的平均绝对百分比误差为1.806,多点预测模型的平均绝对百分比误差为2.496。
{"title":"Power Load Forecasting Using a Refined LSTM","authors":"Dedong Tang, Chen Li, Xiaohui Ji, Zhenyu Chen, Fangchun Di","doi":"10.1145/3318299.3318353","DOIUrl":"https://doi.org/10.1145/3318299.3318353","url":null,"abstract":"The power load forecasting is based on historical energy consumption data of a region to forecast the power consumption of the region for a period of time in the future. Accurate forecasting can provide effective and reliable guidance for power construction and grid operation. This paper proposed a power load forecasting approach using a two LSTM (long-short-term memory) layers neural network. Based on the real power load data provided by EUNITE, a power load forecasting method based on LSTM is constructed. Two models, single-point forecasting model and multiple-point forecasting model, are built to forecast the power of next hour and next half day. The experimental results show that the mean absolute percentage error of the single-point forecasting model is 1.806 and the mean absolute percentage error of the multiple-points forecasting model of LSTM network is 2.496.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"28 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"114671837","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
A Novel Single Target Auto-annotation Algorithm for SAR Images Based on Pre-trained CNN Classifier 基于预训练CNN分类器的SAR图像单目标自动标注算法
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318366
Moulay Idriss Bellil, Xiaojian Xu
Convolutional neural networks (CNNs) are extremely important building blocks for abstract deep learning algorithm constructs regarding visual interpretation especially when it comes to synthetic aperture radar (SAR) images. An ongoing research is being made in order to improve their accuracy forgetting about the undiscovered internals. CNNs are usually being used as black boxes that produce in a non-linear fashion abstract interpretations. In this paper, however, we propose a novel algorithm that shows where CNNs look in an image to provide the answer to the provided classification problem applied to SAR images. We provide also results as bounding boxes using only a pre-trained classification network and some post-processing. The algorithm uses a brute-force approach given a pre-trained neural network, it removes gradually lines of pixels and checks the effect on the resulting scores, and it post-processes the resulting scores to infer the most important region in a given input image. Although other attempts have been made in the literature to provide solutions to the problem, by reversing the convolutional map filters, they are limited in scope and generally fail to deal with a complex network such as the award winning Resnet. Our algorithm, in this category, is of significant usefulness, it bridges the gap between the object classification and object detection problems, opening new perspectives to eliminate the time-consuming task of manual object annotation.
卷积神经网络(cnn)是抽象深度学习算法的重要组成部分,尤其是在合成孔径雷达(SAR)图像的视觉解释中。一项正在进行的研究正在进行,以提高他们的准确性,忘记未被发现的内部。cnn通常被用作黑盒子,以非线性的方式产生抽象的解释。然而,在本文中,我们提出了一种新的算法,该算法显示cnn在图像中寻找的位置,以提供适用于SAR图像的分类问题的答案。我们还提供了仅使用预训练的分类网络和一些后处理作为边界框的结果。该算法使用了一种暴力方法,给出了一个预训练的神经网络,它逐渐去除像素线并检查对结果分数的影响,并对结果分数进行后处理,以推断给定输入图像中最重要的区域。尽管文献中已经有其他尝试通过反转卷积映射过滤器来提供解决问题的方法,但它们的范围有限,通常无法处理复杂的网络,如获奖的Resnet。我们的算法在这一类别中具有重要的实用性,它弥合了目标分类和目标检测问题之间的差距,为消除手动对象标注的耗时任务开辟了新的视角。
{"title":"A Novel Single Target Auto-annotation Algorithm for SAR Images Based on Pre-trained CNN Classifier","authors":"Moulay Idriss Bellil, Xiaojian Xu","doi":"10.1145/3318299.3318366","DOIUrl":"https://doi.org/10.1145/3318299.3318366","url":null,"abstract":"Convolutional neural networks (CNNs) are extremely important building blocks for abstract deep learning algorithm constructs regarding visual interpretation especially when it comes to synthetic aperture radar (SAR) images. An ongoing research is being made in order to improve their accuracy forgetting about the undiscovered internals. CNNs are usually being used as black boxes that produce in a non-linear fashion abstract interpretations. In this paper, however, we propose a novel algorithm that shows where CNNs look in an image to provide the answer to the provided classification problem applied to SAR images. We provide also results as bounding boxes using only a pre-trained classification network and some post-processing. The algorithm uses a brute-force approach given a pre-trained neural network, it removes gradually lines of pixels and checks the effect on the resulting scores, and it post-processes the resulting scores to infer the most important region in a given input image. Although other attempts have been made in the literature to provide solutions to the problem, by reversing the convolutional map filters, they are limited in scope and generally fail to deal with a complex network such as the award winning Resnet. Our algorithm, in this category, is of significant usefulness, it bridges the gap between the object classification and object detection problems, opening new perspectives to eliminate the time-consuming task of manual object annotation.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"726 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122999564","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
Online Forum Authenticity: Big Data Analytics in Healthcare 在线论坛真实性:医疗保健领域的大数据分析
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318395
G. Zhan
It is difficult to discern the authenticity online reviews, which is critical particularly in a setting of patient-doctor online forum. In this paper, a model on the detection of doctor quality has been developed and tested with online big data. In this study, a database with 31,646 online reviews was compiled. Text mining and word-cloud analysis results indicate that the model provides an effective solution to assess the quality of doctors registered in online forum, the quality of doctor-patient online interaction, and patients' overall perception. A guideline has been provided to evaluate doctor authenticity.
网上评论的真实性很难辨别,这在医患在线论坛的环境下尤为重要。本文开发了一个基于在线大数据的医生素质检测模型,并对其进行了测试。在这项研究中,编制了一个包含31,646条在线评论的数据库。文本挖掘和词云分析结果表明,该模型为评估在线论坛注册医生的质量、医患在线互动的质量和患者的整体感知提供了有效的解决方案。提供了一种评价医生真实性的准则。
{"title":"Online Forum Authenticity: Big Data Analytics in Healthcare","authors":"G. Zhan","doi":"10.1145/3318299.3318395","DOIUrl":"https://doi.org/10.1145/3318299.3318395","url":null,"abstract":"It is difficult to discern the authenticity online reviews, which is critical particularly in a setting of patient-doctor online forum. In this paper, a model on the detection of doctor quality has been developed and tested with online big data. In this study, a database with 31,646 online reviews was compiled. Text mining and word-cloud analysis results indicate that the model provides an effective solution to assess the quality of doctors registered in online forum, the quality of doctor-patient online interaction, and patients' overall perception. A guideline has been provided to evaluate doctor authenticity.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"29 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124593817","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
Weighted KNN Algorithm Based on Random Forests 基于随机森林的加权KNN算法
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318313
Huanian Zhang, Fanliang Bu
In this paper, we proposed a weighted KNN algorithm based on random forests. The proposed algorithm fully measures the differences in the importance of each feature, and overcomes the shortcoming of k-nearest neighbor (KNN) algorithm in classifying unbalanced data sets and data sets of different feature importance. The classification accuracy of the KNN algorithm is effectively improved, and the performance of the proposed algorithm is verified through experiments.
本文提出了一种基于随机森林的加权KNN算法。该算法充分度量了各特征重要度的差异,克服了k近邻(KNN)算法对不平衡数据集和不同特征重要度数据集进行分类的缺点。有效提高了KNN算法的分类精度,并通过实验验证了所提算法的性能。
{"title":"Weighted KNN Algorithm Based on Random Forests","authors":"Huanian Zhang, Fanliang Bu","doi":"10.1145/3318299.3318313","DOIUrl":"https://doi.org/10.1145/3318299.3318313","url":null,"abstract":"In this paper, we proposed a weighted KNN algorithm based on random forests. The proposed algorithm fully measures the differences in the importance of each feature, and overcomes the shortcoming of k-nearest neighbor (KNN) algorithm in classifying unbalanced data sets and data sets of different feature importance. The classification accuracy of the KNN algorithm is effectively improved, and the performance of the proposed algorithm is verified through experiments.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"60 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130301728","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
Bimodal Emotion Recognition Based on Convolutional Neural Network 基于卷积神经网络的双峰情绪识别
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318347
Mengmeng Chen, Lifen Jiang, Chunmei Ma, Huazhi Sun
Computer emotion recognition plays an important role in the field of artificial intelligence and is a key technology to realize human-machine interaction. Aiming at a cross-modal fusion problem of two nonlinear features of facial expression image and speech emotion, a bimodal fusion emotion recognition model (D-CNN) based on convolutional neural network is proposed. Firstly, a fine-grained feature extraction method based on convolutional neural network is proposed. Secondly, in order to obtain joint features representation, a feature fusion method based on the fine-grained features of bimodal is proposed. Finally, in order to verify the performance of the D-CNN model, experiments were conducted on the open source dataset eNTERFACE'05. The experimental results show that the multi-modal emotion recognition model D-CNN is more than 10% higher than the single emotion recognition model of speech and facial expression respectively. In addition, compared with the other commonly used bimodal emotion recognition methods(such as universal background model), the recognition rete of D-CNN is increased by 5%.
计算机情感识别在人工智能领域占有重要地位,是实现人机交互的关键技术。针对面部表情图像和语音情感两个非线性特征的跨模态融合问题,提出了一种基于卷积神经网络的双峰融合情感识别模型(D-CNN)。首先,提出了一种基于卷积神经网络的细粒度特征提取方法。其次,为了获得联合特征表示,提出了一种基于双峰细粒度特征的特征融合方法;最后,为了验证D-CNN模型的性能,在开源数据集eNTERFACE'05上进行了实验。实验结果表明,多模态情绪识别模型D-CNN比语音和面部表情的单一情绪识别模型分别高出10%以上。此外,与其他常用的双峰情绪识别方法(如通用背景模型)相比,D-CNN的识别准确率提高了5%。
{"title":"Bimodal Emotion Recognition Based on Convolutional Neural Network","authors":"Mengmeng Chen, Lifen Jiang, Chunmei Ma, Huazhi Sun","doi":"10.1145/3318299.3318347","DOIUrl":"https://doi.org/10.1145/3318299.3318347","url":null,"abstract":"Computer emotion recognition plays an important role in the field of artificial intelligence and is a key technology to realize human-machine interaction. Aiming at a cross-modal fusion problem of two nonlinear features of facial expression image and speech emotion, a bimodal fusion emotion recognition model (D-CNN) based on convolutional neural network is proposed. Firstly, a fine-grained feature extraction method based on convolutional neural network is proposed. Secondly, in order to obtain joint features representation, a feature fusion method based on the fine-grained features of bimodal is proposed. Finally, in order to verify the performance of the D-CNN model, experiments were conducted on the open source dataset eNTERFACE'05. The experimental results show that the multi-modal emotion recognition model D-CNN is more than 10% higher than the single emotion recognition model of speech and facial expression respectively. In addition, compared with the other commonly used bimodal emotion recognition methods(such as universal background model), the recognition rete of D-CNN is increased by 5%.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"6 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126935217","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
Scene Text Detection with Inception Text Proposal Generation Module 场景文本检测与Inception文本提案生成模块
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318373
Hang Zhang, Jiahang Liu, Tieqiao Chen
Most scene text detection methods based on deep learning are difficult to locate texts with multi-scale shapes. The challenges of scale robust text detection lie in two aspects: 1) scene text can be diverse and usually exists in various colors, fonts, orientations, languages, and scales in natural images. 2) Most existing detectors are difficult to locate text with large scale change. We propose a new Inception-Text module and adaptive scale scaling test mechanism for multi-oriented scene text detection. the proposed algorithm enhances performance significantly, while adding little computation. The proposed method can flexibly detect text in various scales, including horizontal, oriented and curved text. The proposed algorithm is evaluated on three recent standard public benchmarks, and show that our proposed method achieves the state-of-the-art performance on several benchmarks. Specifically, it achieves an F-measure of 93.3% on ICDAR2013, 90.47% on ICDAR2015 and 76.08%1 on ICDAR2017 MLT.
大多数基于深度学习的场景文本检测方法难以定位具有多尺度形状的文本。尺度鲁棒文本检测的挑战在于两个方面:1)场景文本具有多样性,通常在自然图像中以不同的颜色、字体、方向、语言和尺度存在。2)大多数现有检测器难以定位大规模变化的文本。针对多方向场景文本检测,提出了一种新的Inception-Text模块和自适应尺度缩放测试机制。该算法在增加较少计算量的同时,显著提高了性能。该方法可以灵活地检测各种尺度的文本,包括水平文本、定向文本和弯曲文本。在最近的三个标准公共基准测试中对所提出的算法进行了评估,并表明我们提出的方法在几个基准测试中达到了最先进的性能。具体来说,它在ICDAR2013上的f值为93.3%,在ICDAR2015上为90.47%,在ICDAR2017 MLT上为76.08%。
{"title":"Scene Text Detection with Inception Text Proposal Generation Module","authors":"Hang Zhang, Jiahang Liu, Tieqiao Chen","doi":"10.1145/3318299.3318373","DOIUrl":"https://doi.org/10.1145/3318299.3318373","url":null,"abstract":"Most scene text detection methods based on deep learning are difficult to locate texts with multi-scale shapes. The challenges of scale robust text detection lie in two aspects: 1) scene text can be diverse and usually exists in various colors, fonts, orientations, languages, and scales in natural images. 2) Most existing detectors are difficult to locate text with large scale change. We propose a new Inception-Text module and adaptive scale scaling test mechanism for multi-oriented scene text detection. the proposed algorithm enhances performance significantly, while adding little computation. The proposed method can flexibly detect text in various scales, including horizontal, oriented and curved text. The proposed algorithm is evaluated on three recent standard public benchmarks, and show that our proposed method achieves the state-of-the-art performance on several benchmarks. Specifically, it achieves an F-measure of 93.3% on ICDAR2013, 90.47% on ICDAR2015 and 76.08%1 on ICDAR2017 MLT.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"36 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130706837","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
Predicting Drug-Drug Interactions Using Deep Neural Network 使用深度神经网络预测药物-药物相互作用
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318323
Xinyu Hou, Jiaying You, P. Hu
Drug-drug interactions (DDIs) can trigger unexpected pharmacological effects, including adverse drug events (ADEs), with causal mechanisms often unknown. Recently, deep neural network (DNN) models have achieved great success in many applications, including predicting pharmacological properties of drugs and drug repurposing. In this study, we generated features produced by SMILES (simplified molecular-input line-entry system) codes for more than 5,000 drugs downloaded from DrugBank. We built a deep neural network model to predict 80 DDI types using the features. We reached an overall accuracy and AUC (area under the curve) of receiver operating characteristic of 93.2% and 94.2% of the test data set and 94.9% and 95.6% of the validation data set, respectively. The trained model was applied to predict the DDI types of 13,155,885 drug-drug pairs combined by 5,130 drugs. The prediction results were applied to analyze the drugs currently used for treating inflammatory bowel disease (IBD). The potential drug combinations for treating IBD were discussed. These results can provide important insights on drug repurposing and guidelines during drug development.
药物-药物相互作用(ddi)可引发意想不到的药理作用,包括药物不良事件(ADEs),其因果机制通常未知。近年来,深度神经网络(deep neural network, DNN)模型在预测药物的药理学性质和药物再利用等方面取得了巨大的成功。在这项研究中,我们为从DrugBank下载的5000多种药物生成了由SMILES(简化分子输入行输入系统)代码生成的特征。我们利用这些特征建立了一个深度神经网络模型来预测80种直拨类型。我们的总体准确度和曲线下面积(AUC)分别达到测试数据集的93.2%和94.2%,验证数据集的94.9%和95.6%。将训练好的模型应用于5130种药物组合的13155885对药物-药物对的DDI类型预测。预测结果被用于分析目前用于治疗炎症性肠病(IBD)的药物。讨论了治疗IBD的潜在药物组合。这些结果可以为药物开发过程中的药物再利用和指导提供重要的见解。
{"title":"Predicting Drug-Drug Interactions Using Deep Neural Network","authors":"Xinyu Hou, Jiaying You, P. Hu","doi":"10.1145/3318299.3318323","DOIUrl":"https://doi.org/10.1145/3318299.3318323","url":null,"abstract":"Drug-drug interactions (DDIs) can trigger unexpected pharmacological effects, including adverse drug events (ADEs), with causal mechanisms often unknown. Recently, deep neural network (DNN) models have achieved great success in many applications, including predicting pharmacological properties of drugs and drug repurposing. In this study, we generated features produced by SMILES (simplified molecular-input line-entry system) codes for more than 5,000 drugs downloaded from DrugBank. We built a deep neural network model to predict 80 DDI types using the features. We reached an overall accuracy and AUC (area under the curve) of receiver operating characteristic of 93.2% and 94.2% of the test data set and 94.9% and 95.6% of the validation data set, respectively. The trained model was applied to predict the DDI types of 13,155,885 drug-drug pairs combined by 5,130 drugs. The prediction results were applied to analyze the drugs currently used for treating inflammatory bowel disease (IBD). The potential drug combinations for treating IBD were discussed. These results can provide important insights on drug repurposing and guidelines during drug development.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"21 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133199574","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 8
Air Big Data Outlier Detection Based on Infinite Gauss Bayesian and CNN 基于无限高斯贝叶斯和CNN的大气大数据离群点检测
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318384
LiangQi Zhou, Hongzhen Xu, Li Wei, Quan Zhang, Fei Zhou, Zhuo-Dai Li
Air quality has always been a hot issue of concern to the people, the environmental protection department and the government. Among the massive air quality data, abnormal data can interfere with subsequent experiments and analysis. Therefore, it is necessary to detect abnormal data to improve the accuracy of the data. However, traditional air outlier detection methods require at least one year's data to make inferences about air quality. This paper firstly analyzes the characteristics of air quality big data, and then proposes a framework based on Bayesian non-parametric clustering, namely Dirichlet Process (DP) clustering framework, to realize the outlier detection of air quality. The framework optimizes Gaussian mixture model into infinite Gaussian mixture model according to the results of data analysis, and uses neural network to cluster the data processed by infinite Gaussian mixture model, which effectively improves the clustering accuracy and avoids the need of collecting a large number of training data.
空气质量一直是人们、环保部门和政府关注的热点问题。在海量的空气质量数据中,异常数据会干扰后续的实验和分析。因此,有必要对异常数据进行检测,以提高数据的准确性。然而,传统的空气离群值检测方法需要至少一年的数据来推断空气质量。本文首先分析了空气质量大数据的特点,在此基础上提出了一种基于贝叶斯非参数聚类的框架,即狄利克雷过程(Dirichlet Process, DP)聚类框架,实现空气质量的离群值检测。该框架根据数据分析结果将高斯混合模型优化为无限高斯混合模型,并利用神经网络对无限高斯混合模型处理的数据进行聚类,有效提高了聚类精度,避免了需要收集大量训练数据。
{"title":"Air Big Data Outlier Detection Based on Infinite Gauss Bayesian and CNN","authors":"LiangQi Zhou, Hongzhen Xu, Li Wei, Quan Zhang, Fei Zhou, Zhuo-Dai Li","doi":"10.1145/3318299.3318384","DOIUrl":"https://doi.org/10.1145/3318299.3318384","url":null,"abstract":"Air quality has always been a hot issue of concern to the people, the environmental protection department and the government. Among the massive air quality data, abnormal data can interfere with subsequent experiments and analysis. Therefore, it is necessary to detect abnormal data to improve the accuracy of the data. However, traditional air outlier detection methods require at least one year's data to make inferences about air quality. This paper firstly analyzes the characteristics of air quality big data, and then proposes a framework based on Bayesian non-parametric clustering, namely Dirichlet Process (DP) clustering framework, to realize the outlier detection of air quality. The framework optimizes Gaussian mixture model into infinite Gaussian mixture model according to the results of data analysis, and uses neural network to cluster the data processed by infinite Gaussian mixture model, which effectively improves the clustering accuracy and avoids the need of collecting a large number of training data.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"2 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128459956","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
A Face Replacement Neural Network for Image and Video 一种用于图像和视频的人脸替换神经网络
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318311
Yanhui Guo, Xue Ke, Jie Ma
We propose a method to solve the problem of face replacing for image and video. This approach is enabled to transform an input identity into a target identity, including the facial expression, facial organs and the facial skin colour. To this end, we make the following contributions. (a)We elaborately design a simple auto encoder network to reconstruct the face. (b)Building on recent research in this area, we integrate a weight mask into the loss function to improve the performance of the network during training. (c)Unlike the previous work, we can transform the face not only in image, but also merging video after we adjust the results. We make it easier to replace a people's face with another one in image or video by combining neural networks with simple processing steps.
提出了一种解决图像和视频的人脸替换问题的方法。该方法能够将输入身份转换为目标身份,包括面部表情、面部器官和面部肤色。为此,我们作出以下贡献。(a)我们精心设计了一个简单的自动编码器网络来重建人脸。(b)基于该领域的最新研究,我们将权重掩码集成到损失函数中,以提高网络在训练期间的性能。(c)与之前的工作不同,我们不仅可以在图像上变换人脸,还可以在调整结果后合并视频。通过将神经网络与简单的处理步骤相结合,我们可以更容易地将图像或视频中的人脸替换为另一个人脸。
{"title":"A Face Replacement Neural Network for Image and Video","authors":"Yanhui Guo, Xue Ke, Jie Ma","doi":"10.1145/3318299.3318311","DOIUrl":"https://doi.org/10.1145/3318299.3318311","url":null,"abstract":"We propose a method to solve the problem of face replacing for image and video. This approach is enabled to transform an input identity into a target identity, including the facial expression, facial organs and the facial skin colour. To this end, we make the following contributions. (a)We elaborately design a simple auto encoder network to reconstruct the face. (b)Building on recent research in this area, we integrate a weight mask into the loss function to improve the performance of the network during training. (c)Unlike the previous work, we can transform the face not only in image, but also merging video after we adjust the results. We make it easier to replace a people's face with another one in image or video by combining neural networks with simple processing steps.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129332634","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
VLAD Encoding Based on LLC for Image Classification 基于LLC的VLAD编码图像分类
Pub Date : 2019-02-22 DOI: 10.1145/3318299.3318322
Cheng Cheng, Xianzhong Long, Yun Li
The Vector of Locally Aggregated Descriptors (VLAD) method, developed from BOW and Fisher Vector, has got great successes in image classification and retrieval. However, the traditional VLAD only assigns local descriptors to the closest visual words in the codebook, which is a hard voting process that leads to a large quantization error. In this paper, we propose an approach to fuse VLAD and locality-constrained linear coding (LLC), compared with the original method, several nearest neighbor centers are considered when assigning local descriptors. We use the reconstruction coefficients of LLC to obtain the weights of several nearest neighbor centers. Due to the excellent representation ability of the reconstruction coefficients for local descriptors, we also combine it with VLAD coding. Experiments were conducted on the 15 Scenes, UIUC Sports Event and Corel 10 datasets to demonstrate that our proposed method has outstanding performance in terms of classification accuracy. Our approach also does not generate much additional computational cost while encoding features.
局部聚合描述子向量(VLAD)方法是在BOW和Fisher向量的基础上发展起来的,在图像分类和检索方面取得了很大的成功。然而,传统的VLAD仅将局部描述符分配给码本中最接近的视觉词,这是一个硬投票过程,导致很大的量化误差。本文提出了一种融合VLAD和位置约束线性编码(LLC)的方法,与原方法相比,该方法在分配局部描述符时考虑了几个最近邻中心。我们利用LLC的重构系数来获得几个最近邻中心的权值。由于局部描述符重构系数的良好表示能力,我们还将其与VLAD编码相结合。在15个场景、UIUC Sports Event和Corel 10数据集上进行了实验,实验结果表明我们的方法在分类精度方面具有优异的性能。我们的方法在编码特征时也不会产生太多额外的计算成本。
{"title":"VLAD Encoding Based on LLC for Image Classification","authors":"Cheng Cheng, Xianzhong Long, Yun Li","doi":"10.1145/3318299.3318322","DOIUrl":"https://doi.org/10.1145/3318299.3318322","url":null,"abstract":"The Vector of Locally Aggregated Descriptors (VLAD) method, developed from BOW and Fisher Vector, has got great successes in image classification and retrieval. However, the traditional VLAD only assigns local descriptors to the closest visual words in the codebook, which is a hard voting process that leads to a large quantization error. In this paper, we propose an approach to fuse VLAD and locality-constrained linear coding (LLC), compared with the original method, several nearest neighbor centers are considered when assigning local descriptors. We use the reconstruction coefficients of LLC to obtain the weights of several nearest neighbor centers. Due to the excellent representation ability of the reconstruction coefficients for local descriptors, we also combine it with VLAD coding. Experiments were conducted on the 15 Scenes, UIUC Sports Event and Corel 10 datasets to demonstrate that our proposed method has outstanding performance in terms of classification accuracy. Our approach also does not generate much additional computational cost while encoding features.","PeriodicalId":164987,"journal":{"name":"International Conference on Machine Learning and Computing","volume":"46 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-02-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127063250","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}
引用次数: 4
期刊
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