首页 > 最新文献

Machine Learning Science and Technology最新文献

英文 中文
A Filter–based Feature Selection Approach in Multilabel Classification 一种基于滤波器的多标签分类特征选择方法
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-13 DOI: 10.1088/2632-2153/ad035d
Rafia Shaikh, Muhammad Rafi, Naeem Ahmed Ahmed Mahoto, Adel Sulaiman, Asadullah Shaikh
Abstract Multi–label classification is a fast–growing field of Machine Learning. Recent developments have shown several applications including social media, healthcare, bio–molecular analysis, scene, and music classification associated with the multilabel classification. In classification problems, instead of a single–label class assignment, multiple labels (multilabel or more than one class label) are assigned to an unseen record. Feature selection is a preprocessing phase used to identify the most relevant features that could improve the accuracy of the multilabel classifiers. The focus of this study is the feature selection method in multilabel classification. The
 study used a filter method in feature selection that involved the fisher score, ANOVA test, and mutual information. An extensive range of machine learning algorithms is applied in the modeling phase of a multilabel classification model that includes Binary Relevance, Classifier Chain, Label Powerset, Binary Relevance KNN, Multi–label Twin Support Vector Machine (MLTSVM), Multi–label KNN(MLKNN). Besides, label space partitioning and majority voting of ensemble methods are used, and also Random Forest as base learner. The experiments are carried out over five different multilabel benchmarking datasets. The evaluation of the classification model is measured using accuracy, precision, recall, F1 score, and hamming loss. The study demonstrated that the filter methods (i.e., mutual information) having top weighted 80% to 20% features provided significant outcomes.
多标签分类是机器学习中一个快速发展的领域。最近的发展表明,与多标签分类相关的应用包括社交媒体、医疗保健、生物分子分析、场景和音乐分类。在分类问题中,将多个标签(多标签或多个类标签)分配给一个看不见的记录,而不是单个标签的类分配。特征选择是一个预处理阶段,用于识别最相关的特征,可以提高多标签分类器的准确性。本研究的重点是多标签分类中的特征选择方法。amp的;# xD;该研究在特征选择中使用了过滤方法,包括fisher评分、方差分析检验和互信息。在多标签分类模型的建模阶段应用了广泛的机器学习算法,包括二进制相关、分类器链、标签Powerset、二进制相关KNN、多标签双支持向量机(MLTSVM)、多标签KNN(MLKNN)。此外,还采用了标签空间划分和多数投票的集成方法,并采用随机森林作为基础学习器。实验在五个不同的多标签基准测试数据集上进行。对分类模型的评价是用准确性、精密度、召回率、F1分数和汉明损失来衡量的。研究表明,过滤方法(即互信息)的最高权重为80%至20%的特征提供了显著的结果。
{"title":"A Filter–based Feature Selection Approach in Multilabel Classification","authors":"Rafia Shaikh, Muhammad Rafi, Naeem Ahmed Ahmed Mahoto, Adel Sulaiman, Asadullah Shaikh","doi":"10.1088/2632-2153/ad035d","DOIUrl":"https://doi.org/10.1088/2632-2153/ad035d","url":null,"abstract":"Abstract Multi–label classification is a fast–growing field of Machine Learning. Recent developments have shown several applications including social media, healthcare, bio–molecular analysis, scene, and music classification associated with the multilabel classification. In classification problems, instead of a single–label class assignment, multiple labels (multilabel or more than one class label) are assigned to an unseen record. Feature selection is a preprocessing phase used to identify the most relevant features that could improve the accuracy of the multilabel classifiers. The focus of this study is the feature selection method in multilabel classification. The
 study used a filter method in feature selection that involved the fisher score, ANOVA test, and mutual information. An extensive range of machine learning algorithms is applied in the modeling phase of a multilabel classification model that includes Binary Relevance, Classifier Chain, Label Powerset, Binary Relevance KNN, Multi–label Twin Support Vector Machine (MLTSVM), Multi–label KNN(MLKNN). Besides, label space partitioning and majority voting of ensemble methods are used, and also Random Forest as base learner. The experiments are carried out over five different multilabel benchmarking datasets. The evaluation of the classification model is measured using accuracy, precision, recall, F1 score, and hamming loss. The study demonstrated that the filter methods (i.e., mutual information) having top weighted 80% to 20% features provided significant outcomes.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135853616","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Governing equation discovery based on causal graph for nonlinear dynamic systems 基于因果图的非线性动态系统控制方程发现
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-13 DOI: 10.1088/2632-2153/acffa4
Dongni Jia, Xiaofeng Zhou, Shuai Li, Shurui Liu, Haibo Shi
Abstract The governing equations of nonlinear dynamic systems is of great significance for understanding the internal physical characteristics. In order to learn the governing equations of nonlinear systems from noisy observed data, we propose a novel method named governing equation discovery based on causal graph that combines spatio-temporal graph convolution network with governing equation modeling. The essence of our method is to first devise the causal graph encoding based on transfer entropy to obtain the adjacency matrix with causal significance between variables. Then, the spatio-temporal graph convolutional network is used to obtain approximate solutions for the system variables. On this basis, automatic differentiation is applied to obtain basic derivatives and form a dictionary of candidate algebraic terms. Finally, sparse regression is used to obtain the coefficient matrix and determine the explicit formulation of the governing equations. We also design a novel cross-combinatorial optimization strategy to learn the heterogeneous parameters that include neural network parameters and control equation coefficients. We conduct extensive experiments on seven datasets from different physical fields. The experimental results demonstrate the proposed method can automatically discover the underlying governing equation of the systems, and has great robustness.
非线性动力系统的控制方程对于理解系统内部物理特性具有重要意义。为了从噪声观测数据中学习非线性系统的控制方程,提出了一种将时空图卷积网络与控制方程建模相结合的基于因果图的控制方程发现方法。该方法的实质是首先设计基于传递熵的因果图编码,得到变量之间具有因果显著性的邻接矩阵。然后,利用时空图卷积网络求出系统变量的近似解。在此基础上,应用自动微分法获得基本导数,并形成候选代数项字典。最后,利用稀疏回归法求出系数矩阵,确定控制方程的显式表达式。我们还设计了一种新的交叉组合优化策略来学习包括神经网络参数和控制方程系数在内的异构参数。我们对来自不同物理领域的七个数据集进行了广泛的实验。实验结果表明,该方法能自动发现系统的潜在控制方程,具有较强的鲁棒性。
{"title":"Governing equation discovery based on causal graph for nonlinear dynamic systems","authors":"Dongni Jia, Xiaofeng Zhou, Shuai Li, Shurui Liu, Haibo Shi","doi":"10.1088/2632-2153/acffa4","DOIUrl":"https://doi.org/10.1088/2632-2153/acffa4","url":null,"abstract":"Abstract The governing equations of nonlinear dynamic systems is of great significance for understanding the internal physical characteristics. In order to learn the governing equations of nonlinear systems from noisy observed data, we propose a novel method named governing equation discovery based on causal graph that combines spatio-temporal graph convolution network with governing equation modeling. The essence of our method is to first devise the causal graph encoding based on transfer entropy to obtain the adjacency matrix with causal significance between variables. Then, the spatio-temporal graph convolutional network is used to obtain approximate solutions for the system variables. On this basis, automatic differentiation is applied to obtain basic derivatives and form a dictionary of candidate algebraic terms. Finally, sparse regression is used to obtain the coefficient matrix and determine the explicit formulation of the governing equations. We also design a novel cross-combinatorial optimization strategy to learn the heterogeneous parameters that include neural network parameters and control equation coefficients. We conduct extensive experiments on seven datasets from different physical fields. The experimental results demonstrate the proposed method can automatically discover the underlying governing equation of the systems, and has great robustness.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"66 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135804909","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Set-Conditional Set Generation for Particle Physics 粒子物理的条件集生成
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-13 DOI: 10.1088/2632-2153/ad035b
Nathalie Soybelman, Nilotpal Kakati, Lukas Heinrich, Francesco Armando Di Bello, Etienne Dreyer, Sanmay Ganguly, Eilam Gross, Marumi Kado, Jonathan Shlomi
Abstract The simulation of particle physics data is a fundamental but computationally
intensive ingredient for physics analysis at the Large Hadron Collider, where observational
set-valued data is generated conditional on a set of incoming particles. To accelerate this
task, we present a novel generative model based on a graph neural network and slot-attention
components, which exceeds the performance of pre-existing baselines.
摘要:粒子物理数据的模拟是大型强子对撞机物理分析的一个基本但计算密集的组成部分,在大型强子对撞机中,观测集值数据是在一组入射粒子的条件下生成的。为了加速这一任务,我们提出了一种基于图神经网络和插槽注意力组件的新型生成模型,其性能超过了现有基线。
{"title":"Set-Conditional Set Generation for Particle Physics","authors":"Nathalie Soybelman, Nilotpal Kakati, Lukas Heinrich, Francesco Armando Di Bello, Etienne Dreyer, Sanmay Ganguly, Eilam Gross, Marumi Kado, Jonathan Shlomi","doi":"10.1088/2632-2153/ad035b","DOIUrl":"https://doi.org/10.1088/2632-2153/ad035b","url":null,"abstract":"Abstract The simulation of particle physics data is a fundamental but computationally
intensive ingredient for physics analysis at the Large Hadron Collider, where observational
set-valued data is generated conditional on a set of incoming particles. To accelerate this
task, we present a novel generative model based on a graph neural network and slot-attention
components, which exceeds the performance of pre-existing baselines.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"54 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135854209","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Universal adversarial perturbations for multiple classification tasks with quantum classifiers 基于量子分类器的多分类任务的通用对抗摄动
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-13 DOI: 10.1088/2632-2153/acffa3
Yun-Zhong Qiu
Abstract Quantum adversarial machine learning is an emerging field that studies the vulnerability of quantum learning systems against adversarial perturbations and develops possible defense strategies. Quantum universal adversarial perturbations are small perturbations, which can make different input samples into adversarial examples that may deceive a given quantum classifier. This is a field that was rarely looked into but worthwhile investigating because universal perturbations might simplify malicious attacks to a large extent, causing unexpected devastation to quantum machine learning models. In this paper, we take a step forward and explore the quantum universal perturbations in the context of heterogeneous classification tasks. In particular, we find that quantum classifiers that achieve almost state-of-the-art accuracy on two different classification tasks can be both conclusively deceived by one carefully-crafted universal perturbation. This result is explicitly demonstrated with well-designed quantum continual learning models with elastic weight consolidation method to avoid catastrophic forgetting, as well as real-life heterogeneous datasets from hand-written digits and medical MRI images. Our results provide a simple and efficient way to generate universal perturbations on heterogeneous classification tasks and thus would provide valuable guidance for future quantum learning technologies.
量子对抗性机器学习是一个新兴领域,研究量子学习系统对对抗性扰动的脆弱性,并制定可能的防御策略。量子普遍对抗性摄动是一种小的摄动,它可以使不同的输入样本成为可能欺骗给定量子分类器的对抗性样本。这是一个很少被研究但值得研究的领域,因为普遍摄动可能会在很大程度上简化恶意攻击,对量子机器学习模型造成意想不到的破坏。在本文中,我们向前迈进了一步,在异构分类任务的背景下探索量子普遍摄动。特别是,我们发现在两个不同的分类任务上达到几乎最先进精度的量子分类器都可以被一个精心制作的普遍扰动最终欺骗。这一结果通过精心设计的量子连续学习模型(带有弹性权重巩固方法以避免灾难性遗忘)以及来自手写数字和医学MRI图像的真实异构数据集得到了明确的证明。我们的研究结果提供了一种简单有效的方法来产生异构分类任务的通用扰动,从而为未来的量子学习技术提供了有价值的指导。
{"title":"Universal adversarial perturbations for multiple classification tasks with quantum classifiers","authors":"Yun-Zhong Qiu","doi":"10.1088/2632-2153/acffa3","DOIUrl":"https://doi.org/10.1088/2632-2153/acffa3","url":null,"abstract":"Abstract Quantum adversarial machine learning is an emerging field that studies the vulnerability of quantum learning systems against adversarial perturbations and develops possible defense strategies. Quantum universal adversarial perturbations are small perturbations, which can make different input samples into adversarial examples that may deceive a given quantum classifier. This is a field that was rarely looked into but worthwhile investigating because universal perturbations might simplify malicious attacks to a large extent, causing unexpected devastation to quantum machine learning models. In this paper, we take a step forward and explore the quantum universal perturbations in the context of heterogeneous classification tasks. In particular, we find that quantum classifiers that achieve almost state-of-the-art accuracy on two different classification tasks can be both conclusively deceived by one carefully-crafted universal perturbation. This result is explicitly demonstrated with well-designed quantum continual learning models with elastic weight consolidation method to avoid catastrophic forgetting, as well as real-life heterogeneous datasets from hand-written digits and medical MRI images. Our results provide a simple and efficient way to generate universal perturbations on heterogeneous classification tasks and thus would provide valuable guidance for future quantum learning technologies.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"57 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-13","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135804737","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Improving SOH estimation for lithium-ion batteries using TimeGAN 利用TimeGAN改进锂离子电池SOH估计
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-12 DOI: 10.1088/2632-2153/acfd08
Sujin Seol, Jungeun Lee, Jaewoo Yoon, Byeongwoo Kim
Abstract Recently, the xEV market has been expanding by strengthening regulations on fossil fuel vehicles. It is essential to ensure the safety and reliability of batteries, one of the core components of xEVs. Furthermore, estimating the battery’s state of health (SOH) is critical. There are model-based and data-based methods for SOH estimation. Model-based methods have limitations in linearly modeling the nonlinear internal state changes of batteries. In data-based methods, high-quality datasets containing large quantities of data are crucial. Since obtaining battery datasets through measurement is difficult, this paper supplements insufficient battery datasets using time-series generative adversarial network and compares the improvement rate in SOH estimation accuracy through long short-term memory and gated recurrent unit based on recurrent neural networks. According to the results, the average root mean square error of battery SOH estimation improved by approximately 25%, and the learning stability improved by approximately 40%.
近年来,随着对化石燃料汽车的监管力度加大,电动汽车市场不断扩大。电池是xev的核心部件之一,确保电池的安全性和可靠性至关重要。此外,估计电池的健康状态(SOH)至关重要。SOH估计有基于模型的方法和基于数据的方法。基于模型的方法在对电池非线性内部状态变化进行线性建模时存在局限性。在基于数据的方法中,包含大量数据的高质量数据集至关重要。由于通过测量获取电池数据集较为困难,本文采用时间序列生成对抗网络对不足的电池数据集进行了补充,并比较了长短期记忆和基于递归神经网络的门控循环单元对SOH估计精度的提高率。结果表明,电池SOH估计的平均均方根误差提高了约25%,学习稳定性提高了约40%。
{"title":"Improving SOH estimation for lithium-ion batteries using TimeGAN","authors":"Sujin Seol, Jungeun Lee, Jaewoo Yoon, Byeongwoo Kim","doi":"10.1088/2632-2153/acfd08","DOIUrl":"https://doi.org/10.1088/2632-2153/acfd08","url":null,"abstract":"Abstract Recently, the xEV market has been expanding by strengthening regulations on fossil fuel vehicles. It is essential to ensure the safety and reliability of batteries, one of the core components of xEVs. Furthermore, estimating the battery’s state of health (SOH) is critical. There are model-based and data-based methods for SOH estimation. Model-based methods have limitations in linearly modeling the nonlinear internal state changes of batteries. In data-based methods, high-quality datasets containing large quantities of data are crucial. Since obtaining battery datasets through measurement is difficult, this paper supplements insufficient battery datasets using time-series generative adversarial network and compares the improvement rate in SOH estimation accuracy through long short-term memory and gated recurrent unit based on recurrent neural networks. According to the results, the average root mean square error of battery SOH estimation improved by approximately 25%, and the learning stability improved by approximately 40%.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"6 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135923427","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Equivariant Neural Networks for Spin Dynamics Simulations of Itinerant Magnets 流动磁体自旋动力学模拟的等变神经网络
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-11 DOI: 10.1088/2632-2153/acffa2
Yu Miyazaki
Abstract I present a novel equivariant neural network architecture for the large-scale spin dynamics simulation of the Kondo lattice model. This neural network mainly consists of tensor-product-based convolution layers and ensures two equivariances: translations of the lattice and rotations of the spins. I implement equivariant neural networks for two Kondo lattice models on two-dimensional square and triangular lattices, and perform training and validation. In the equivariant model for the square lattice, the validation error (based on root mean squared error) is reduced to less than one-third compared to a model using invariant descriptors as inputs. Furthermore, I demonstrate the ability to simulate phase transitions of skyrmion crystals in the triangular lattice, by performing dynamics simulations using the trained model.
提出了一种新的等变神经网络结构,用于模拟Kondo晶格模型的大尺度自旋动力学。该神经网络主要由基于张量积的卷积层组成,并保证两个等价:晶格的平移和自旋的旋转。我在二维正方形和三角形格上实现了两个Kondo格模型的等变神经网络,并进行了训练和验证。在方形格子的等变模型中,与使用不变描述符作为输入的模型相比,验证误差(基于均方根误差)减少到不到三分之一。此外,我展示了模拟三角晶格中skyrmion晶体相变的能力,通过使用训练模型进行动力学模拟。
{"title":"Equivariant Neural Networks for Spin Dynamics Simulations of Itinerant Magnets","authors":"Yu Miyazaki","doi":"10.1088/2632-2153/acffa2","DOIUrl":"https://doi.org/10.1088/2632-2153/acffa2","url":null,"abstract":"Abstract I present a novel equivariant neural network architecture for the large-scale spin dynamics simulation of the Kondo lattice model. This neural network mainly consists of tensor-product-based convolution layers and ensures two equivariances: translations of the lattice and rotations of the spins. I implement equivariant neural networks for two Kondo lattice models on two-dimensional square and triangular lattices, and perform training and validation. In the equivariant model for the square lattice, the validation error (based on root mean squared error) is reduced to less than one-third compared to a model using invariant descriptors as inputs. Furthermore, I demonstrate the ability to simulate phase transitions of skyrmion crystals in the triangular lattice, by performing dynamics simulations using the trained model.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"5 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"136057800","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
The information of attribute uncertainties: what convolutional neural networks can learn about errors in input data 属性不确定性信息:卷积神经网络可以从输入数据的错误中学习到什么
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-11 DOI: 10.1088/2632-2153/ad0285
Natália V. N. Rodrigues, L. Raul Abramo, Nina S. Hirata
Abstract Errors in measurements are key to weighting the value of data, but are often neglected in Machine Learning (ML). 
We show how Convolutional Neural Networks (CNNs) are able to learn about the context and patterns of signal and noise, leading to improvements in the performance of classification methods.
We construct a model whereby two classes of objects follow an underlying Gaussian distribution, and where the features (the input data) have varying, but known, levels of noise -- in other words, each data point has a different error bar.
This model mimics the nature of scientific data sets, such as those from astrophysical surveys, where noise arises as a realization of random processes with known underlying distributions.
The classification of these objects can then be performed using standard statistical techniques (e.g., least-squares minimization or Markov-Chain Monte Carlo), as well as ML techniques. 
This allows us to take advantage of a maximum likelihood approach to object classification, and to measure the amount by which the ML methods are incorporating the information in the input data uncertainties.
We show that, when each data point is subject to different levels of noise (i.e., noises with different distribution functions, which is typically the case in scientific data sets), that information can be learned by the CNNs, raising the ML performance to at least the same level of the least-squares method -- and sometimes even surpassing it.
Furthermore, we show that, with varying noise levels, the confidence of the ML classifiers serves as a proxy for the underlying cumulative distribution function, but only if the information about specific input data uncertainties is provided to the CNNs.
测量误差是衡量数据价值的关键,但在机器学习(ML)中往往被忽视。我们展示了卷积神经网络(cnn)如何能够学习信号和噪声的上下文和模式,从而改进分类方法的性能。#xD;我们构建了一个模型,其中两类对象遵循底层高斯分布,其中特征(输入数据)具有不同但已知的噪声水平——换句话说,每个数据点都有不同的误差条。该模型模拟科学数据集的性质,例如来自天体物理调查的数据集,其中噪声是作为具有已知底层分布的随机过程的实现而产生的。然后可以使用标准统计技术(例如,最小二乘最小化或马尔可夫链蒙特卡罗)以及ML技术对这些对象进行分类。这使我们能够利用最大似然方法进行对象分类,并测量ML方法在输入数据不确定性中包含信息的数量。我们表明,当每个数据点受到不同程度的噪声(即具有不同分布函数的噪声,这是科学数据集中的典型情况)时,该信息可以被cnn学习。将机器学习性能提高到至少与最小二乘法相同的水平,有时甚至超过最小二乘法。此外,我们表明,在不同的噪声水平下,机器学习分类器的置信度可以作为潜在累积分布函数的代理,但仅当有关特定输入数据不确定性的信息提供给cnn时。
{"title":"The information of attribute uncertainties: what convolutional neural networks can learn about errors in input data","authors":"Natália V. N. Rodrigues, L. Raul Abramo, Nina S. Hirata","doi":"10.1088/2632-2153/ad0285","DOIUrl":"https://doi.org/10.1088/2632-2153/ad0285","url":null,"abstract":"Abstract Errors in measurements are key to weighting the value of data, but are often neglected in Machine Learning (ML). 
We show how Convolutional Neural Networks (CNNs) are able to learn about the context and patterns of signal and noise, leading to improvements in the performance of classification methods.
We construct a model whereby two classes of objects follow an underlying Gaussian distribution, and where the features (the input data) have varying, but known, levels of noise -- in other words, each data point has a different error bar.
This model mimics the nature of scientific data sets, such as those from astrophysical surveys, where noise arises as a realization of random processes with known underlying distributions.
The classification of these objects can then be performed using standard statistical techniques (e.g., least-squares minimization or Markov-Chain Monte Carlo), as well as ML techniques. 
This allows us to take advantage of a maximum likelihood approach to object classification, and to measure the amount by which the ML methods are incorporating the information in the input data uncertainties.
We show that, when each data point is subject to different levels of noise (i.e., noises with different distribution functions, which is typically the case in scientific data sets), that information can be learned by the CNNs, raising the ML performance to at least the same level of the least-squares method -- and sometimes even surpassing it.
Furthermore, we show that, with varying noise levels, the confidence of the ML classifiers serves as a proxy for the underlying cumulative distribution function, but only if the information about specific input data uncertainties is provided to the CNNs.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"12 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"136058236","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
Deep Bayesian Experimental Design for Quantum Many-Body systems 量子多体系统的深度贝叶斯实验设计
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-10 DOI: 10.1088/2632-2153/ad020d
Leopoldo Sarra, Florian Marquardt
Abstract Bayesian experimental design is a technique that allows to efficiently select measurements to characterize a physical system by maximizing the expected information gain. Recent developments in deep neural networks and normalizing flows allow for a more efficient approximation of the posterior and thus the extension of this technique to complex high-dimensional situations. In this paper, we show how this approach holds promise for adaptive measurement strategies to characterize present-day quantum technology platforms. In particular, we focus on arrays of coupled cavities and qubit arrays. Both represent model systems of high relevance for modern applications, like quantum simulations and computing, and both have been realized in platforms where measurement and control can be exploited to characterize and counteract unavoidable disorder. Thus, they represent ideal targets for applications of Bayesian experimental design.
摘要贝叶斯实验设计是一种通过最大化预期信息增益来有效地选择测量方法来表征物理系统的技术。深度神经网络和归一化流的最新发展允许更有效地逼近后验,从而将该技术扩展到复杂的高维情况。在本文中,我们展示了这种方法如何为自适应测量策略提供前景,以表征当今的量子技术平台。我们特别关注耦合腔阵列和量子比特阵列。两者都代表了与现代应用高度相关的模型系统,如量子模拟和计算,并且都已经在测量和控制可以用来表征和抵消不可避免的混乱的平台上实现。因此,它们代表了贝叶斯实验设计应用的理想目标。
{"title":"Deep Bayesian Experimental Design for Quantum Many-Body systems","authors":"Leopoldo Sarra, Florian Marquardt","doi":"10.1088/2632-2153/ad020d","DOIUrl":"https://doi.org/10.1088/2632-2153/ad020d","url":null,"abstract":"Abstract Bayesian experimental design is a technique that allows to efficiently select measurements to characterize a physical system by maximizing the expected information gain. Recent developments in deep neural networks and normalizing flows allow for a more efficient approximation of the posterior and thus the extension of this technique to complex high-dimensional situations. In this paper, we show how this approach holds promise for adaptive measurement strategies to characterize present-day quantum technology platforms. In particular, we focus on arrays of coupled cavities and qubit arrays. Both represent model systems of high relevance for modern applications, like quantum simulations and computing, and both have been realized in platforms where measurement and control can be exploited to characterize and counteract unavoidable disorder. Thus, they represent ideal targets for applications of Bayesian experimental design.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"215 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-10","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"136292352","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Rediscovering orbital mechanics with machine learning 用机器学习重新发现轨道力学
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-09 DOI: 10.1088/2632-2153/acfa63
Pablo Lemos, Niall Jeffrey, Miles Cranmer, Shirley Ho, Peter Battaglia
Abstract We present an approach for using machine learning to automatically discover the governing equations and unknown properties (in this case, masses) of real physical systems from observations. We train a ‘graph neural network’ to simulate the dynamics of our Solar System’s Sun, planets, and large moons from 30 years of trajectory data. We then use symbolic regression to correctly infer an analytical expression for the force law implicitly learned by the neural network, which our results showed is equivalent to Newton’s law of gravitation. The key assumptions our method makes are translational and rotational equivariance, and Newton’s second and third laws of motion. It did not, however, require any assumptions about the masses of planets and moons or physical constants, but nonetheless, they, too, were accurately inferred with our method. Naturally, the classical law of gravitation has been known since Isaac Newton, but our results demonstrate that our method can discover unknown laws and hidden properties from observed data.
我们提出了一种利用机器学习从观测中自动发现真实物理系统的控制方程和未知属性(在这种情况下,质量)的方法。我们训练了一个“图形神经网络”来模拟太阳系太阳、行星和大型卫星的动态,这些数据来自30年的轨迹数据。然后,我们使用符号回归正确地推断出由神经网络隐式学习的力定律的解析表达式,我们的结果表明,这相当于牛顿的万有引力定律。我们的方法所做的关键假设是平移和旋转等变性,以及牛顿的第二和第三运动定律。然而,它不需要对行星和卫星的质量或物理常数进行任何假设,但尽管如此,它们也可以用我们的方法准确地推断出来。当然,经典的万有引力定律自艾萨克·牛顿(Isaac Newton)以来就已经为人所知,但我们的结果表明,我们的方法可以从观测数据中发现未知的定律和隐藏的特性。
{"title":"Rediscovering orbital mechanics with machine learning","authors":"Pablo Lemos, Niall Jeffrey, Miles Cranmer, Shirley Ho, Peter Battaglia","doi":"10.1088/2632-2153/acfa63","DOIUrl":"https://doi.org/10.1088/2632-2153/acfa63","url":null,"abstract":"Abstract We present an approach for using machine learning to automatically discover the governing equations and unknown properties (in this case, masses) of real physical systems from observations. We train a ‘graph neural network’ to simulate the dynamics of our Solar System’s Sun, planets, and large moons from 30 years of trajectory data. We then use symbolic regression to correctly infer an analytical expression for the force law implicitly learned by the neural network, which our results showed is equivalent to Newton’s law of gravitation. The key assumptions our method makes are translational and rotational equivariance, and Newton’s second and third laws of motion. It did not, however, require any assumptions about the masses of planets and moons or physical constants, but nonetheless, they, too, were accurately inferred with our method. Naturally, the classical law of gravitation has been known since Isaac Newton, but our results demonstrate that our method can discover unknown laws and hidden properties from observed data.","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"43 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135043454","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 38
Combining Variational Autoencoders and Physical Bias for Improved Microscopy Data Analysis 结合变分自编码器和物理偏差改进显微镜数据分析
2区 物理与天体物理 Q1 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2023-10-09 DOI: 10.1088/2632-2153/acf6a9
Arpan Biswas, Maxim Ziatdinov, Sergei V. Kalinin
Abstract Electron and scanning probe microscopy produce vast amounts of data in the form of images or hyperspectral data, such as electron energy loss spectroscopy or 4D scanning transmission electron microscope, that contain information on a wide range of structural, physical, and chemical properties of materials. To extract valuable insights from these data, it is crucial to identify physically separate regions in the data, such as phases, ferroic variants, and boundaries between them. In order to derive an easily interpretable feature analysis, combining with well-defined boundaries in a principled and unsupervised manner, here we present a physics augmented machine learning method which combines the capability of variational autoencoders to disentangle factors of variability within the data and the physics driven loss function that seeks to minimize the total length of the discontinuities in images corresponding to latent representations. Our method is applied to various materials, including NiO-LSMO, BiFeO 3 , and graphene. The results demonstrate the effectiveness of our approach in extracting meaningful information from large volumes of imaging data. The customized codes of the required functions and classes to develop phyVAE is available at https://github.com/arpanbiswas52/phy-VAE .
电子和扫描探针显微镜以图像或高光谱数据的形式产生大量数据,如电子能量损失谱或4D扫描透射电子显微镜,其中包含有关材料的广泛结构,物理和化学性质的信息。为了从这些数据中提取有价值的见解,识别数据中物理分离的区域是至关重要的,例如相位、铁变体以及它们之间的边界。为了推导出易于解释的特征分析,并以原则和无监督的方式结合定义良好的边界,在这里,我们提出了一种物理增强机器学习方法,该方法结合了变分自编码器的能力来分解数据中的可变性因素,以及物理驱动的损失函数,该函数旨在最小化与潜在表示相对应的图像中的不连续总长。我们的方法适用于各种材料,包括NiO-LSMO, bifeo3和石墨烯。结果证明了我们的方法在从大量成像数据中提取有意义的信息方面的有效性。开发phyVAE所需的函数和类的定制代码可在https://github.com/arpanbiswas52/phy-VAE上获得。
{"title":"Combining Variational Autoencoders and Physical Bias for Improved Microscopy Data Analysis","authors":"Arpan Biswas, Maxim Ziatdinov, Sergei V. Kalinin","doi":"10.1088/2632-2153/acf6a9","DOIUrl":"https://doi.org/10.1088/2632-2153/acf6a9","url":null,"abstract":"Abstract Electron and scanning probe microscopy produce vast amounts of data in the form of images or hyperspectral data, such as electron energy loss spectroscopy or 4D scanning transmission electron microscope, that contain information on a wide range of structural, physical, and chemical properties of materials. To extract valuable insights from these data, it is crucial to identify physically separate regions in the data, such as phases, ferroic variants, and boundaries between them. In order to derive an easily interpretable feature analysis, combining with well-defined boundaries in a principled and unsupervised manner, here we present a physics augmented machine learning method which combines the capability of variational autoencoders to disentangle factors of variability within the data and the physics driven loss function that seeks to minimize the total length of the discontinuities in images corresponding to latent representations. Our method is applied to various materials, including NiO-LSMO, BiFeO 3 , and graphene. The results demonstrate the effectiveness of our approach in extracting meaningful information from large volumes of imaging data. The customized codes of the required functions and classes to develop phyVAE is available at https://github.com/arpanbiswas52/phy-VAE .","PeriodicalId":33757,"journal":{"name":"Machine Learning Science and Technology","volume":"49 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135043752","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":2,"RegionCategory":"物理与天体物理","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Machine Learning Science and Technology
全部 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