首页 > 最新文献

2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)最新文献

英文 中文
Forcing Interpretability for Deep Neural Networks through Rule-Based Regularization 基于规则的正则化深度神经网络的强制可解释性
Nadia Burkart, Marco F. Huber, Phillip Faller
Remarkable progress in the field of machine learning strongly drives the research in many application domains. For some domains, it is mandatory that the output of machine learning algorithms needs to be interpretable. In this paper, we propose a rule-based regularization technique to enforce interpretability for neural networks (NN). For this purpose, we train a rule-based surrogate model simultaneously with the NN. From the surrogate, a metric quantifying its degree of explainability is derived and fed back to the training of the NN as a regularization term. We evaluate our model on four datasets and compare it to unregularized models as well as a decision tree (DT) based baseline. The rule-based regularization approach achieves interpretability and competitive accuracy.
机器学习领域的显著进步有力地推动了许多应用领域的研究。对于某些领域,机器学习算法的输出必须是可解释的。在本文中,我们提出了一种基于规则的正则化技术来增强神经网络的可解释性。为此,我们与神经网络同时训练基于规则的代理模型。从代理中,导出量化其可解释程度的度量,并作为正则化项反馈给神经网络的训练。我们在四个数据集上评估我们的模型,并将其与非正则化模型以及基于决策树(DT)的基线进行比较。基于规则的正则化方法实现了可解释性和竞争精度。
{"title":"Forcing Interpretability for Deep Neural Networks through Rule-Based Regularization","authors":"Nadia Burkart, Marco F. Huber, Phillip Faller","doi":"10.1109/ICMLA.2019.00126","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00126","url":null,"abstract":"Remarkable progress in the field of machine learning strongly drives the research in many application domains. For some domains, it is mandatory that the output of machine learning algorithms needs to be interpretable. In this paper, we propose a rule-based regularization technique to enforce interpretability for neural networks (NN). For this purpose, we train a rule-based surrogate model simultaneously with the NN. From the surrogate, a metric quantifying its degree of explainability is derived and fed back to the training of the NN as a regularization term. We evaluate our model on four datasets and compare it to unregularized models as well as a decision tree (DT) based baseline. The rule-based regularization approach achieves interpretability and competitive accuracy.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"14 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123988394","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
RNN-Based Classifier to Detect Stealthy Malware using Localized Features and Complex Symbolic Sequence 基于rnn分类器的局部特征和复杂符号序列检测隐身恶意软件
Sanket Shukla, Gaurav Kolhe, Sai Manoj Pudukotai Dinakarrao, S. Rafatirad
Malware detection and classification has enticed a lot of researchers in the past decades. Several mechanisms based on machine learning (ML), computer vision and deep learning have been deployed to this task and have achieved considerable results. However, advanced malware (stealthy malware) generated using various obfuscation techniques like code relocation, code transposition, polymorphism and mutation thwart the detection. In this paper, we propose a two-pronged technique which can efficiently detect both traditional and stealthy malware. Firstly, we extract the microarchitectural traces procured while executing the application, which are fed to the traditional ML classifiers to identify malware spawned as separate thread. In parallel, for an efficient stealthy malware detection, we instigate an automated localized feature extraction technique that will be used as an input to recurrent neural networks (RNNs) for classification. We have tested the proposed mechanism rigorously on stealthy malware created using code relocation obfuscation technique. With the proposed two-pronged approach, an accuracy of 94%, precision of 93%, recall score of 96% and F-1 score of 94% is achieved. Furthermore, the proposed technique attains up to 11% higher on average detection accuracy and precision, along with 24% higher on average recall and F-1 score as compared to the CNN-based sequence classification and hidden Markov model (HMM) based approaches in detecting stealthy malware.
在过去的几十年里,恶意软件的检测和分类吸引了许多研究人员。基于机器学习(ML)、计算机视觉和深度学习的几种机制已经被部署到这项任务中,并取得了相当大的成果。然而,使用各种混淆技术(如代码重定位、代码转位、多态性和突变)生成的高级恶意软件(隐形恶意软件)阻碍了检测。在本文中,我们提出了一种双管齐下的技术,可以有效地检测传统和隐蔽的恶意软件。首先,我们提取在执行应用程序时获得的微架构跟踪,将其提供给传统的ML分类器,以识别作为单独线程生成的恶意软件。同时,为了有效地隐蔽检测恶意软件,我们启动了一种自动的局部特征提取技术,该技术将用作循环神经网络(rnn)的输入进行分类。我们已经在使用代码重定位混淆技术创建的隐形恶意软件上严格测试了所提出的机制。采用双管齐下的方法,准确率为94%,精密度为93%,召回率为96%,F-1分数为94%。此外,与基于cnn的序列分类和基于隐马尔可夫模型(HMM)的检测隐形恶意软件的方法相比,所提出的技术在平均检测准确度和精度上提高了11%,在平均召回率和F-1分数上提高了24%。
{"title":"RNN-Based Classifier to Detect Stealthy Malware using Localized Features and Complex Symbolic Sequence","authors":"Sanket Shukla, Gaurav Kolhe, Sai Manoj Pudukotai Dinakarrao, S. Rafatirad","doi":"10.1109/ICMLA.2019.00076","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00076","url":null,"abstract":"Malware detection and classification has enticed a lot of researchers in the past decades. Several mechanisms based on machine learning (ML), computer vision and deep learning have been deployed to this task and have achieved considerable results. However, advanced malware (stealthy malware) generated using various obfuscation techniques like code relocation, code transposition, polymorphism and mutation thwart the detection. In this paper, we propose a two-pronged technique which can efficiently detect both traditional and stealthy malware. Firstly, we extract the microarchitectural traces procured while executing the application, which are fed to the traditional ML classifiers to identify malware spawned as separate thread. In parallel, for an efficient stealthy malware detection, we instigate an automated localized feature extraction technique that will be used as an input to recurrent neural networks (RNNs) for classification. We have tested the proposed mechanism rigorously on stealthy malware created using code relocation obfuscation technique. With the proposed two-pronged approach, an accuracy of 94%, precision of 93%, recall score of 96% and F-1 score of 94% is achieved. Furthermore, the proposed technique attains up to 11% higher on average detection accuracy and precision, along with 24% higher on average recall and F-1 score as compared to the CNN-based sequence classification and hidden Markov model (HMM) based approaches in detecting stealthy malware.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"393 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121787602","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}
引用次数: 19
IoT Environmental Analyzer using Sensors and Machine Learning for Migraine Occurrence Prevention 使用传感器和机器学习预防偏头痛的物联网环境分析仪
Rosemarie J. Day, H. Salehi, Mahsa Javadi
Everyday migraines are affecting more than one billion people worldwide. This headache disorder is classified as the sixth most disabling disease in the world. Migraines are just one chronic illness affected by environmental triggers due to changes that occur inside the home. Migraines share this characteristic with sinus headaches and thus are often misdiagnosed. In this research work, an iOS-based environmental analyzer was designed, implemented and evaluated for migraine sufferers with the use of sensors. After the data collection and cleaning, five machine learning model were used to estimate prediction accuracy of migraines in terms of the environment. The data was evaluated against the models using K-Fold cross validation. The algorithm accuracy comparison showed that Linear Discriminant Analysis (LDA) produced highest accuracy for the testing data at a mean of 0.938. Preliminary results demonstrate the feasibility of using machine learning algorithms to perform the automated recognition of migraine trigger areas in the environment.
日常偏头痛影响着全球超过10亿人。这种头痛疾病被列为世界上第六大致残疾病。偏头痛只是一种受环境因素影响的慢性疾病,由于家庭内部发生的变化。偏头痛与窦性头痛有相同的特点,因此常被误诊。在本研究中,设计了一种基于ios的环境分析仪,并利用传感器对偏头痛患者进行了环境分析仪的设计、实现和评估。在数据收集和清理后,使用5个机器学习模型来估计偏头痛在环境方面的预测精度。使用K-Fold交叉验证对模型进行数据评估。算法精度比较表明,线性判别分析(Linear Discriminant Analysis, LDA)对检测数据的准确率最高,均值为0.938。初步结果表明,使用机器学习算法对环境中的偏头痛触发区域进行自动识别是可行的。
{"title":"IoT Environmental Analyzer using Sensors and Machine Learning for Migraine Occurrence Prevention","authors":"Rosemarie J. Day, H. Salehi, Mahsa Javadi","doi":"10.1109/ICMLA.2019.00239","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00239","url":null,"abstract":"Everyday migraines are affecting more than one billion people worldwide. This headache disorder is classified as the sixth most disabling disease in the world. Migraines are just one chronic illness affected by environmental triggers due to changes that occur inside the home. Migraines share this characteristic with sinus headaches and thus are often misdiagnosed. In this research work, an iOS-based environmental analyzer was designed, implemented and evaluated for migraine sufferers with the use of sensors. After the data collection and cleaning, five machine learning model were used to estimate prediction accuracy of migraines in terms of the environment. The data was evaluated against the models using K-Fold cross validation. The algorithm accuracy comparison showed that Linear Discriminant Analysis (LDA) produced highest accuracy for the testing data at a mean of 0.938. Preliminary results demonstrate the feasibility of using machine learning algorithms to perform the automated recognition of migraine trigger areas in the environment.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"41 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121335751","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
Deep Neuronal Based Classifiers for Wireless Multi-hop Network Mobility Models 基于深度神经元的无线多跳网络移动模型分类器
Daniel Gutiérrez, S. Toral
Mobility plays an important role in the performance of wireless multi-hop networks. Since communications are established in a multi-hop fashion, the mobility of nodes can cause a significant degradation of the performance. Therefore, the analysis of nodes' mobility is relevant to improve the performance of the applications implemented over wireless multi-hop networks. This work evaluates two neuronal network models, such as fully connected or multi-layer perceptron and 1D convolutional models, for the classification of up to four widely used mobility models for wireless multi-hop networks. Several architectures are evaluated and parametrized for both models. The results indicate a considerable better performance of an architecture with 1D convolutional layers. The test results show that the best convolutional 1D model is able to reach an accuracy level of 0.91, outperforming the best multi-layer perceptron model in 13,9 %.
移动性对无线多跳网络的性能起着至关重要的作用。由于通信是以多跳方式建立的,因此节点的移动性可能会导致性能的显著降低。因此,分析节点的移动性对于提高在无线多跳网络上实现的应用程序的性能具有重要意义。这项工作评估了两种神经网络模型,如全连接或多层感知器和1D卷积模型,用于多达四种广泛使用的无线多跳网络移动模型的分类。对两种模型的几种体系结构进行了评估和参数化。结果表明,具有一维卷积层的体系结构具有相当好的性能。测试结果表明,最佳卷积一维模型能够达到0.91的准确率水平,比最佳多层感知器模型高出13.9%。
{"title":"Deep Neuronal Based Classifiers for Wireless Multi-hop Network Mobility Models","authors":"Daniel Gutiérrez, S. Toral","doi":"10.1109/ICMLA.2019.00111","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00111","url":null,"abstract":"Mobility plays an important role in the performance of wireless multi-hop networks. Since communications are established in a multi-hop fashion, the mobility of nodes can cause a significant degradation of the performance. Therefore, the analysis of nodes' mobility is relevant to improve the performance of the applications implemented over wireless multi-hop networks. This work evaluates two neuronal network models, such as fully connected or multi-layer perceptron and 1D convolutional models, for the classification of up to four widely used mobility models for wireless multi-hop networks. Several architectures are evaluated and parametrized for both models. The results indicate a considerable better performance of an architecture with 1D convolutional layers. The test results show that the best convolutional 1D model is able to reach an accuracy level of 0.91, outperforming the best multi-layer perceptron model in 13,9 %.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"76 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122261454","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
Comparing the Modeling Powers of RNN and HMM 比较RNN和HMM的建模能力
Achille Salaün, Y. Petetin, F. Desbouvries
Recurrent Neural Networks (RNN) and Hidden Markov Models (HMM) are popular models for processing sequential data and have found many applications such as speech recognition, time series prediction or machine translation. Although both models have been extended in several ways (eg. Long Short Term Memory and Gated Recurrent Unit architectures, Variational RNN, partially observed Markov models...), their theoretical understanding remains partially open. In this context, our approach consists in classifying both models from an information geometry point of view. More precisely, both models can be used for modeling the distribution of a sequence of random observations from a set of latent variables; however, in RNN, the latent variable is deterministically deduced from the current observation and the previous latent variable, while, in HMM, the set of (random) latent variables is a Markov chain. In this paper, we first embed these two generative models into a generative unified model (GUM). We next consider the subclass of GUM models which yield a stationary Gaussian observations probability distribution function (pdf). Such pdf are characterized by their covariance sequence; we show that the GUM model can produce any stationary Gaussian distribution with geometrical covariance structure. We finally discuss about the modeling power of the HMM and RNN submodels, via their associated observations pdf: some observations pdf can be modeled by a RNN, but not by an HMM, and vice versa; some can be produced by both structures, up to a re-parameterization.
递归神经网络(RNN)和隐马尔可夫模型(HMM)是处理序列数据的常用模型,在语音识别、时间序列预测或机器翻译等领域有着广泛的应用。尽管这两种模型都以几种方式进行了扩展(例如。长短期记忆和门控循环单元架构,变分RNN,部分观察马尔可夫模型…),他们的理论理解仍然部分开放。在这种情况下,我们的方法包括从信息几何的角度对两种模型进行分类。更准确地说,这两种模型都可以用于模拟一组潜在变量的随机观测序列的分布;然而,在RNN中,潜变量是由当前观测值和前一个潜变量确定性地推导出来的,而在HMM中,(随机)潜变量集是一个马尔可夫链。在本文中,我们首先将这两个生成模型嵌入到一个生成统一模型(GUM)中。接下来,我们考虑产生平稳高斯观测概率分布函数(pdf)的GUM模型子类。这种pdf的特征是它们的协方差序列;我们证明了GUM模型可以产生具有几何协方差结构的任意平稳高斯分布。我们最后讨论了HMM和RNN子模型的建模能力,通过它们的关联观测值pdf:一些观测值pdf可以被RNN建模,但不能被HMM建模,反之亦然;有些可以由两种结构产生,直到重新参数化。
{"title":"Comparing the Modeling Powers of RNN and HMM","authors":"Achille Salaün, Y. Petetin, F. Desbouvries","doi":"10.1109/ICMLA.2019.00246","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00246","url":null,"abstract":"Recurrent Neural Networks (RNN) and Hidden Markov Models (HMM) are popular models for processing sequential data and have found many applications such as speech recognition, time series prediction or machine translation. Although both models have been extended in several ways (eg. Long Short Term Memory and Gated Recurrent Unit architectures, Variational RNN, partially observed Markov models...), their theoretical understanding remains partially open. In this context, our approach consists in classifying both models from an information geometry point of view. More precisely, both models can be used for modeling the distribution of a sequence of random observations from a set of latent variables; however, in RNN, the latent variable is deterministically deduced from the current observation and the previous latent variable, while, in HMM, the set of (random) latent variables is a Markov chain. In this paper, we first embed these two generative models into a generative unified model (GUM). We next consider the subclass of GUM models which yield a stationary Gaussian observations probability distribution function (pdf). Such pdf are characterized by their covariance sequence; we show that the GUM model can produce any stationary Gaussian distribution with geometrical covariance structure. We finally discuss about the modeling power of the HMM and RNN submodels, via their associated observations pdf: some observations pdf can be modeled by a RNN, but not by an HMM, and vice versa; some can be produced by both structures, up to a re-parameterization.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"53 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126666298","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 11
Denoising Internet Delay Measurements using Weak Supervision 基于弱监督的网络时延测量去噪
A. Muthukumar, Ramakrishnan Durairajan
To understand the delay characteristics of the Internet, a myriad of measurement tools and techniques are proposed by the researchers in academia and industry. Datasets from such measurement tools are curated to facilitate analyses at a later time. Despite the benefits of these tools and datasets, the systematic interpretation of measurements in the face of measurement noise. Unfortunately, state-of-the-art denoising techniques are labor-intensive and ineffective. To tackle this problem, we develop NoMoNoise, an open-source framework for denoising latency measurements by leveraging the recent advancements in weak-supervised learning. NoMoNoise can generate measurement noise labels that could be integrated into the inference and control logic to remove and/or repair noisy measurements in an automated and rapid fashion. We evaluate the efficacy of NoMoNoise in a lab-based setting and a real-world setting by applying it on CAIDA's Ark dataset and show that NoMoNoise can remove noisy measurements effectively with high accuracy.
为了了解互联网的延迟特性,学术界和工业界的研究人员提出了无数的测量工具和技术。来自这些测量工具的数据集经过整理,以方便以后的分析。尽管这些工具和数据集有好处,但面对测量噪声的测量系统解释。不幸的是,最先进的去噪技术是劳动密集型和无效的。为了解决这个问题,我们开发了NoMoNoise,这是一个开源框架,通过利用弱监督学习的最新进展来去噪延迟测量。NoMoNoise可以生成测量噪声标签,可以集成到推理和控制逻辑中,以自动和快速的方式去除和/或修复噪声测量。我们通过将NoMoNoise应用于CAIDA的Ark数据集,在实验室环境和现实环境中评估了NoMoNoise的有效性,并表明NoMoNoise可以有效地去除噪声测量,并且精度很高。
{"title":"Denoising Internet Delay Measurements using Weak Supervision","authors":"A. Muthukumar, Ramakrishnan Durairajan","doi":"10.1109/ICMLA.2019.00089","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00089","url":null,"abstract":"To understand the delay characteristics of the Internet, a myriad of measurement tools and techniques are proposed by the researchers in academia and industry. Datasets from such measurement tools are curated to facilitate analyses at a later time. Despite the benefits of these tools and datasets, the systematic interpretation of measurements in the face of measurement noise. Unfortunately, state-of-the-art denoising techniques are labor-intensive and ineffective. To tackle this problem, we develop NoMoNoise, an open-source framework for denoising latency measurements by leveraging the recent advancements in weak-supervised learning. NoMoNoise can generate measurement noise labels that could be integrated into the inference and control logic to remove and/or repair noisy measurements in an automated and rapid fashion. We evaluate the efficacy of NoMoNoise in a lab-based setting and a real-world setting by applying it on CAIDA's Ark dataset and show that NoMoNoise can remove noisy measurements effectively with high accuracy.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"29 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125649665","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
Independent Component Analysis Based on Mutual Dependence Measures 基于相互依赖测度的独立分量分析
Ze Jin, D. Matteson, Tianrong Zhang
We apply both distance-based and kernel-based mutual dependence measures to independent component analysis (ICA), and generalize dCovICA to MDMICA, minimizing empirical dependence measures as an objective function in both deflation and parallel manners. Solving this minimization problem, we introduce Latin hypercube sampling (LHS), and a global optimization method, Bayesian optimization (BO) to improve the initialization of the Newton-type local optimization method. The performance of MDMICA is evaluated in various simulation studies and an image data example. When the ICA model is correct, MDMICA achieves competitive results compared to existing approaches. When the ICA model is misspecified, the estimated independent components are less mutually dependent than the observed components using MDMICA, while the estimated independent components are prone to be even more mutually dependent than the observed components using other approaches.
我们将基于距离和基于核的相互依赖度量应用于独立成分分析(ICA),并将dCovICA推广到MDMICA,在通货紧缩和并行方式下最小化经验依赖度量作为目标函数。为了解决这一最小化问题,我们引入了拉丁超立方体采样(LHS)和一种全局优化方法——贝叶斯优化(BO)来改进牛顿型局部优化方法的初始化。通过各种仿真研究和图像数据实例对MDMICA的性能进行了评价。当ICA模型正确时,与现有方法相比,MDMICA获得了具有竞争力的结果。当ICA模型被错误指定时,估计的独立分量的相互依赖性低于使用MDMICA的观测分量,而使用其他方法估计的独立分量的相互依赖性甚至高于使用其他方法的观测分量。
{"title":"Independent Component Analysis Based on Mutual Dependence Measures","authors":"Ze Jin, D. Matteson, Tianrong Zhang","doi":"10.1109/ICMLA.2019.00107","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00107","url":null,"abstract":"We apply both distance-based and kernel-based mutual dependence measures to independent component analysis (ICA), and generalize dCovICA to MDMICA, minimizing empirical dependence measures as an objective function in both deflation and parallel manners. Solving this minimization problem, we introduce Latin hypercube sampling (LHS), and a global optimization method, Bayesian optimization (BO) to improve the initialization of the Newton-type local optimization method. The performance of MDMICA is evaluated in various simulation studies and an image data example. When the ICA model is correct, MDMICA achieves competitive results compared to existing approaches. When the ICA model is misspecified, the estimated independent components are less mutually dependent than the observed components using MDMICA, while the estimated independent components are prone to be even more mutually dependent than the observed components using other approaches.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"60 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125830222","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
Widened Learning of Index Tracking Portfolios 指数跟踪投资组合的拓宽学习
Iuliia Gavriushina, Oliver R. Sampson, M. Berthold, W. Pohlmeier, C. Borgelt
Index investing has an advantage over active investment strategies, because less frequent trading results in lower expenses, yielding higher long-term returns. Index tracking is a popular investment strategy that attempts to find a portfolio replicating the performance of a collection of investment vehicles. This paper considers index tracking from the perspective of solution space exploration. Three search space heuristics in combination with three portfolio tracking error methods are compared in order to select a tracking portfolio with returns that mimic a benchmark index. Experimental results conducted on real-world datasets show that Widening, a metaheuristic using diverse parallel search paths, finds superior solutions than those found by the reference heuristics. Presented here are the first results using Widening on time-series data.
指数投资比主动投资策略有优势,因为较少的交易导致较低的费用,产生较高的长期回报。指数跟踪是一种流行的投资策略,它试图找到一个能复制一系列投资工具表现的投资组合。本文从解空间探索的角度考虑索引跟踪。比较了三种搜索空间启发式方法与三种投资组合跟踪误差方法的结合,以选择具有模拟基准指数收益的跟踪投资组合。在实际数据集上进行的实验结果表明,使用多种并行搜索路径的元启发式算法“扩大”比参考启发式算法找到的解更优。这里展示的是在时间序列数据上使用扩展的第一个结果。
{"title":"Widened Learning of Index Tracking Portfolios","authors":"Iuliia Gavriushina, Oliver R. Sampson, M. Berthold, W. Pohlmeier, C. Borgelt","doi":"10.1109/ICMLA.2019.00291","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00291","url":null,"abstract":"Index investing has an advantage over active investment strategies, because less frequent trading results in lower expenses, yielding higher long-term returns. Index tracking is a popular investment strategy that attempts to find a portfolio replicating the performance of a collection of investment vehicles. This paper considers index tracking from the perspective of solution space exploration. Three search space heuristics in combination with three portfolio tracking error methods are compared in order to select a tracking portfolio with returns that mimic a benchmark index. Experimental results conducted on real-world datasets show that Widening, a metaheuristic using diverse parallel search paths, finds superior solutions than those found by the reference heuristics. Presented here are the first results using Widening on time-series data.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125235128","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
Low-Bit Quantization and Quantization-Aware Training for Small-Footprint Keyword Spotting 小尺寸关键字识别的低比特量化和量化感知训练
Yuriy Mishchenko, Yusuf Goren, Ming Sun, Chris Beauchene, Spyros Matsoukas, Oleg Rybakov, S. Vitaladevuni
In this paper, we investigate novel quantization approaches to reduce memory and computational footprint of deep neural network (DNN) based keyword spotters (KWS). We propose a new method for KWS offline and online quantization, which we call dynamic quantization, where we quantize DNN weight matrices column-wise, using each column's exact individual min-max range, and the DNN layers' inputs and outputs are quantized for every input audio frame individually, using the exact min-max range of each input and output vector. We further apply a new quantization-aware training approach that allows us to incorporate quantization errors into KWS model during training. Together, these approaches allow us to significantly improve the performance of KWS in 4-bit and 8-bit quantized precision, achieving the end-to-end accuracy close to that of full precision models while reducing the models' on-device memory footprint by up to 80%.
在本文中,我们研究了新的量化方法来减少基于深度神经网络(DNN)的关键词定位器(KWS)的内存和计算足迹。我们提出了一种KWS离线和在线量化的新方法,我们称之为动态量化,其中我们按列量化DNN权重矩阵,使用每个列的精确单个最小-最大范围,并且DNN层的输入和输出分别量化每个输入音频帧,使用每个输入和输出向量的精确最小-最大范围。我们进一步应用了一种新的量化感知训练方法,该方法允许我们在训练期间将量化误差纳入KWS模型。总之,这些方法使我们能够显着提高KWS在4位和8位量化精度方面的性能,实现接近全精度模型的端到端精度,同时将模型的设备上内存占用减少高达80%。
{"title":"Low-Bit Quantization and Quantization-Aware Training for Small-Footprint Keyword Spotting","authors":"Yuriy Mishchenko, Yusuf Goren, Ming Sun, Chris Beauchene, Spyros Matsoukas, Oleg Rybakov, S. Vitaladevuni","doi":"10.1109/ICMLA.2019.00127","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00127","url":null,"abstract":"In this paper, we investigate novel quantization approaches to reduce memory and computational footprint of deep neural network (DNN) based keyword spotters (KWS). We propose a new method for KWS offline and online quantization, which we call dynamic quantization, where we quantize DNN weight matrices column-wise, using each column's exact individual min-max range, and the DNN layers' inputs and outputs are quantized for every input audio frame individually, using the exact min-max range of each input and output vector. We further apply a new quantization-aware training approach that allows us to incorporate quantization errors into KWS model during training. Together, these approaches allow us to significantly improve the performance of KWS in 4-bit and 8-bit quantized precision, achieving the end-to-end accuracy close to that of full precision models while reducing the models' on-device memory footprint by up to 80%.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"24 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128708618","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}
引用次数: 19
Gender Estimation from a Hybrid of Face, Upper and Full Body Images at Varying Body Poses 从不同身体姿势的面部,上身和全身图像的混合性别估计
O. Iloanusi, C. Mbah
High gender classification accuracies have been recorded with high-resolution faces under controlled conditions. However, real-life scenarios are faced with challenges not limited to high pose variations in subjects, poor visibility, occlusion, and distance from camera. These have led to the current trend in estimating gender from full body images, notwithstanding the challenges posed by partial body images in a typical life scenario. We demonstrate that there are certain sections in a body image, the face, upper or lower body that are useful for recognition at near or far distances. Given the challenges of body captured at far distance or partially showing body in a photo, we therefore propose a combination of three classifiers for gender estimation from face; upper and full body from single-shot image. Our results in far compared to near distance images suggest that gender is best estimated from a hybrid of face; upper and full body images under challenging conditions.
在控制条件下,高分辨率人脸的性别分类准确率很高。然而,现实生活场景面临的挑战不仅限于高姿态变化的主题,能见度差,遮挡和距离相机。这导致了目前从全身图像估计性别的趋势,尽管在典型的生活场景中部分身体图像带来了挑战。我们证明了身体图像的某些部分,面部,上半身或下半身,对于近距离或远距离的识别是有用的。考虑到远距离拍摄身体或在照片中部分显示身体的挑战,我们因此提出了三种分类器的组合,用于面部性别估计;上身和全身来自单张照片。与近距离图像相比,我们的研究结果表明,从面部混合图像中可以最好地估计出性别;挑战性条件下的上半身和全身图像。
{"title":"Gender Estimation from a Hybrid of Face, Upper and Full Body Images at Varying Body Poses","authors":"O. Iloanusi, C. Mbah","doi":"10.1109/ICMLA.2019.00312","DOIUrl":"https://doi.org/10.1109/ICMLA.2019.00312","url":null,"abstract":"High gender classification accuracies have been recorded with high-resolution faces under controlled conditions. However, real-life scenarios are faced with challenges not limited to high pose variations in subjects, poor visibility, occlusion, and distance from camera. These have led to the current trend in estimating gender from full body images, notwithstanding the challenges posed by partial body images in a typical life scenario. We demonstrate that there are certain sections in a body image, the face, upper or lower body that are useful for recognition at near or far distances. Given the challenges of body captured at far distance or partially showing body in a photo, we therefore propose a combination of three classifiers for gender estimation from face; upper and full body from single-shot image. Our results in far compared to near distance images suggest that gender is best estimated from a hybrid of face; upper and full body images under challenging conditions.","PeriodicalId":436714,"journal":{"name":"2019 18th IEEE International Conference On Machine Learning And Applications (ICMLA)","volume":"19 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2019-12-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132396798","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 18th IEEE International Conference On Machine Learning And Applications (ICMLA)
全部 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