首页 > 最新文献

IEEE transactions on artificial intelligence最新文献

英文 中文
Nonlinear Regression With Hierarchical Recurrent Neural Networks Under Missing Data 缺失数据下的分层递归神经网络非线性回归
Pub Date : 2024-03-22 DOI: 10.1109/TAI.2024.3404414
S. Onur Sahin;Suleyman S. Kozat
We study regression (or prediction) of sequential data, which may have missing entries and/or different lengths. This problem is heavily investigated in the machine learning literature since such missingness is a common occurrence in most real-life applications due to data corruption, measurement errors, and similar. To this end, we introduce a novel hierarchical architecture involving a set of long short-term memory (LSTM) networks, which use only the existing inputs in the sequence without any imputations or statistical assumptions on the missing data. To incorporate the missingness information, we partition the input space into different regions in a hierarchical manner based on the “presence-pattern” of the previous inputs and then assign different LSTM networks to these regions. In this sense, we use the LSTM networks as our experts for these regions and adaptively combine their outputs to generate our final output. Our method is generic so that the set of partitioned regions (presence-patterns) that are modeled by the LSTM networks can be customized, and one can readily use other sequential architectures such as gated recurrent unit (GRU) networks and recurrent neural networks (RNNs) as shown in the article. We also provide the computational complexity analysis of the proposed architecture, which is in the same order as a conventional LSTM architecture. In our experiments, our algorithm achieves significant performance improvements on the well-known financial and real-life datasets with respect to the state-of-the-art methods. We also share the source code of our algorithm to facilitate other research and the replicability of our results.
我们研究的是序列数据的回归(或预测)问题,这些数据可能存在条目缺失和/或长度不同的情况。机器学习文献对这一问题进行了大量研究,因为由于数据损坏、测量误差等类似原因,这种缺失在大多数现实应用中都很常见。为此,我们引入了一种涉及一组长短期记忆(LSTM)网络的新型分层架构,该架构只使用序列中的现有输入,而不对缺失数据进行任何推算或统计假设。为了纳入缺失信息,我们根据之前输入的 "存在模式",以分层方式将输入空间划分为不同区域,然后为这些区域分配不同的 LSTM 网络。从这个意义上说,我们将 LSTM 网络作为这些区域的专家,并自适应地组合它们的输出来生成我们的最终输出。我们的方法是通用的,因此可以定制 LSTM 网络建模的分区(存在模式)集,也可以随时使用其他序列架构,如文章中所示的门控递归单元 (GRU) 网络和递归神经网络 (RNN)。我们还提供了所提架构的计算复杂度分析,其计算复杂度与传统 LSTM 架构的计算复杂度相同。在实验中,与最先进的方法相比,我们的算法在著名的金融和现实生活数据集上取得了显著的性能提升。我们还分享了我们算法的源代码,以促进其他研究和我们成果的可复制性。
{"title":"Nonlinear Regression With Hierarchical Recurrent Neural Networks Under Missing Data","authors":"S. Onur Sahin;Suleyman S. Kozat","doi":"10.1109/TAI.2024.3404414","DOIUrl":"https://doi.org/10.1109/TAI.2024.3404414","url":null,"abstract":"We study regression (or prediction) of sequential data, which may have missing entries and/or different lengths. This problem is heavily investigated in the machine learning literature since such missingness is a common occurrence in most real-life applications due to data corruption, measurement errors, and similar. To this end, we introduce a novel hierarchical architecture involving a set of long short-term memory (LSTM) networks, which use only the existing inputs in the sequence without any imputations or statistical assumptions on the missing data. To incorporate the missingness information, we partition the input space into different regions in a hierarchical manner based on the “presence-pattern” of the previous inputs and then assign different LSTM networks to these regions. In this sense, we use the LSTM networks as our experts for these regions and adaptively combine their outputs to generate our final output. Our method is generic so that the set of partitioned regions (presence-patterns) that are modeled by the LSTM networks can be customized, and one can readily use other sequential architectures such as gated recurrent unit (GRU) networks and recurrent neural networks (RNNs) as shown in the article. We also provide the computational complexity analysis of the proposed architecture, which is in the same order as a conventional LSTM architecture. In our experiments, our algorithm achieves significant performance improvements on the well-known financial and real-life datasets with respect to the state-of-the-art methods. We also share the source code of our algorithm to facilitate other research and the replicability of our results.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443130","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
Stable Learning via Triplex Learning 通过三重学习进行稳定学习
Pub Date : 2024-03-22 DOI: 10.1109/TAI.2024.3404411
Shuai Yang;Tingting Jiang;Qianlong Dang;Lichuan Gu;Xindong Wu
Stable learning aims to learn a model that generalizes well to arbitrary unseen target domain by leveraging a single source domain. Recent advances in stable learning have focused on balancing the distribution of confounders for each feature to eliminate spurious correlations. However, previous studies treat all features equally without considering the difficulties of confounder balancing associated with different features, and regard irrelevant features as confounders, deteriorating generalization performance. To tackle these issues, this article proposes a novel triplex learning (TriL) based stable learning algorithm, which performs sample reweighting, causal feature selection, and representation learning to remove spurious correlations. Specifically, first, TriL adaptively assigns weights to the confounder balancing term of each feature in accordance with the difficulties of confounder balancing, and aligns the confounder distribution of each feature by learning a group of sample weights. Second, TriL integrates the sample weights into a weighted cross-entropy model to compute causal effects of features for excluding irrelevant features from the confounder set. Finally, TriL relearns a set of sample weights and uses them to guide a new supervised dual-autoencoder containing two classifiers to learn feature representations. TriL forces the results of two classifiers to remain consistent for removing spurious correlations by using a cross-classifier consistency regularization. Extensive experiments on synthetic and two real-world datasets show the superiority of TriL compared with seven methods.
稳定学习的目的是通过利用单个源域,学习一个能很好地泛化到任意未见目标域的模型。稳定学习的最新进展主要集中在平衡每个特征的混杂因素分布,以消除虚假相关性。然而,以往的研究对所有特征一视同仁,没有考虑到与不同特征相关的混杂因素平衡困难,并将无关特征视为混杂因素,从而降低了泛化性能。为了解决这些问题,本文提出了一种新颖的基于三重学习(TriL)的稳定学习算法,该算法执行样本重权、因果特征选择和表征学习以消除虚假相关。具体来说,首先,TriL 会根据混杂因素平衡的难易程度自适应地为每个特征的混杂因素平衡项分配权重,并通过学习一组样本权重来调整每个特征的混杂因素分布。其次,TriL 将样本权重整合到加权交叉熵模型中,以计算特征的因果效应,从而从混杂因素集中排除无关特征。最后,TriL 重新学习一组样本权重,并利用它们来指导包含两个分类器的新监督双自动编码器学习特征表征。TriL 通过使用跨分类器一致性正则化,强制两个分类器的结果保持一致,以消除虚假相关性。在合成数据集和两个真实世界数据集上进行的大量实验表明,与七种方法相比,TriL 更具优势。
{"title":"Stable Learning via Triplex Learning","authors":"Shuai Yang;Tingting Jiang;Qianlong Dang;Lichuan Gu;Xindong Wu","doi":"10.1109/TAI.2024.3404411","DOIUrl":"https://doi.org/10.1109/TAI.2024.3404411","url":null,"abstract":"Stable learning aims to learn a model that generalizes well to arbitrary unseen target domain by leveraging a single source domain. Recent advances in stable learning have focused on balancing the distribution of confounders for each feature to eliminate spurious correlations. However, previous studies treat all features equally without considering the difficulties of confounder balancing associated with different features, and regard irrelevant features as confounders, deteriorating generalization performance. To tackle these issues, this article proposes a novel triplex learning (TriL) based stable learning algorithm, which performs sample reweighting, causal feature selection, and representation learning to remove spurious correlations. Specifically, first, TriL adaptively assigns weights to the confounder balancing term of each feature in accordance with the difficulties of confounder balancing, and aligns the confounder distribution of each feature by learning a group of sample weights. Second, TriL integrates the sample weights into a weighted cross-entropy model to compute causal effects of features for excluding irrelevant features from the confounder set. Finally, TriL relearns a set of sample weights and uses them to guide a new supervised dual-autoencoder containing two classifiers to learn feature representations. TriL forces the results of two classifiers to remain consistent for removing spurious correlations by using a cross-classifier consistency regularization. Extensive experiments on synthetic and two real-world datasets show the superiority of TriL compared with seven methods.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142442979","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
Dynamic Combination Forecasting for Short-Term Photovoltaic Power 短期光伏发电动态组合预测
Pub Date : 2024-03-22 DOI: 10.1109/TAI.2024.3404408
Yu Huang;Jiaxing Liu;Zongshi Zhang;Dui Li;Xuxin Li;Guang Wang
Accurate short-term photovoltaic (PV) power prediction can be crucial for fault detection of the control system and reducing the fault of the PV output control system. However, PV power is highly volatile, and significant power fluctuations cannot be adapted to by the combined model when predicting, thus affecting the stable operation of the PV output control system. In response to this issue, a dynamic combination short-term PV power prediction model of temporal convolutional network (TCN)-bidirectional gated recurrent unit network (BiGRU) and TCN-bidirectional long-short term memory network (BiLSTM) based on complete ensemble empirical mode decomposition with adaptive noise (CEEMDAN) is proposed. CEEMDAN is employed to decompose the original PV power data to reduce the volatility of the original data. Constructing two combined models, TCN-BiGRU and TCN-BiLSTM, and training them separately. Introducing ElasticNet, which utilizes both L1 and L2 regularization terms. This approach preserves the sparsity from least absolute shrinkage and selection operator (LASSO) regression regularization while incorporating the smoothness from Ridge regression regularization, effectively avoiding the issue of the combined model getting trapped in a local optimum. In the end, experimental verification is conducted using actual measurement data from a solar power facility in Gansu, China, and another in Xinjiang, China. The simulation results illustrate that the accuracy of PV power prediction can be significantly improved by the proposed forecasting approach. In comparison with the control experiment, the R2 of the Gansu dataset increased by 0.32% at least, and the R2 of the Xinjiang dataset increased by 0.66% at least.
准确的短期光伏(PV)功率预测对于控制系统的故障检测和减少光伏输出控制系统的故障至关重要。然而,光伏功率波动较大,组合模型在预测时无法适应明显的功率波动,从而影响光伏输出控制系统的稳定运行。针对这一问题,提出了一种基于完全集合经验模式分解与自适应噪声(CEEMDAN)的时序卷积网络(TCN)-双向门控递归单元网络(BiGRU)和TCN-双向长短期记忆网络(BiLSTM)的动态组合短期光伏功率预测模型。采用 CEEMDAN 对原始光伏发电数据进行分解,以降低原始数据的波动性。构建两个组合模型:TCN-BiGRU 和 TCN-BiLSTM,并分别进行训练。引入 ElasticNet,利用 L1 和 L2 正则化项。这种方法既保留了最小绝对收缩和选择算子(LASSO)回归正则化的稀疏性,又结合了岭回归正则化的平滑性,有效避免了组合模型陷入局部最优的问题。最后,利用中国甘肃和新疆太阳能发电设施的实际测量数据进行了实验验证。仿真结果表明,所提出的预测方法可显著提高光伏发电功率预测的准确性。与对照实验相比,甘肃数据集的 R2 至少提高了 0.32%,新疆数据集的 R2 至少提高了 0.66%。
{"title":"Dynamic Combination Forecasting for Short-Term Photovoltaic Power","authors":"Yu Huang;Jiaxing Liu;Zongshi Zhang;Dui Li;Xuxin Li;Guang Wang","doi":"10.1109/TAI.2024.3404408","DOIUrl":"https://doi.org/10.1109/TAI.2024.3404408","url":null,"abstract":"Accurate short-term photovoltaic (PV) power prediction can be crucial for fault detection of the control system and reducing the fault of the PV output control system. However, PV power is highly volatile, and significant power fluctuations cannot be adapted to by the combined model when predicting, thus affecting the stable operation of the PV output control system. In response to this issue, a dynamic combination short-term PV power prediction model of temporal convolutional network (TCN)-bidirectional gated recurrent unit network (BiGRU) and TCN-bidirectional long-short term memory network (BiLSTM) based on complete ensemble empirical mode decomposition with adaptive noise (CEEMDAN) is proposed. CEEMDAN is employed to decompose the original PV power data to reduce the volatility of the original data. Constructing two combined models, TCN-BiGRU and TCN-BiLSTM, and training them separately. Introducing ElasticNet, which utilizes both \u0000<italic>L<sub>1</sub></i>\u0000 and \u0000<italic>L<sub>2</sub></i>\u0000 regularization terms. This approach preserves the sparsity from least absolute shrinkage and selection operator (LASSO) regression regularization while incorporating the smoothness from Ridge regression regularization, effectively avoiding the issue of the combined model getting trapped in a local optimum. In the end, experimental verification is conducted using actual measurement data from a solar power facility in Gansu, China, and another in Xinjiang, China. The simulation results illustrate that the accuracy of PV power prediction can be significantly improved by the proposed forecasting approach. In comparison with the control experiment, the \u0000<italic>R<sup>2</sup></i>\u0000 of the Gansu dataset increased by 0.32% at least, and the \u0000<italic>R<sup>2</sup></i>\u0000 of the Xinjiang dataset increased by 0.66% at least.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142442997","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
ConvBLS: An Effective and Efficient Incremental Convolutional Broad Learning System Combining Deep and Broad Representations ConvBLS:结合深度和广度表征的高效增量卷积广度学习系统
Pub Date : 2024-03-21 DOI: 10.1109/TAI.2024.3403953
Chunyu Lei;Jifeng Guo;C. L. Philip Chen
Broad learning system (BLS) has to undergo a vectorization operation before modeling image data, which makes it challenging for BLS to learn local semantic features. Thus, various convolutional-based broad learning systems (C-BLSs) have been introduced to address these challenges. Regrettably, the existing C-BLS variants either lack an efficient training algorithm and incremental learning capability or suffer from poor performance. To this end, we propose a novel convolutional broad learning system (ConvBLS) based on the spherical K-means (SKM) algorithm and two-stage multiscale (TSMS) feature fusion, which consists of the convolutional feature layer (CFL), convolutional enhancement layer (CEL), TSMS feature fusion layer, and output layer. First, unlike the current C-BLS, the simple yet efficient SKM algorithm is utilized to learn the weights of CFLs. Compared with random filters, the SKM algorithm enables the CFL to learn more comprehensive spatial features. Second, to further mine the local semantic features, CELs are established to expand the feature space. Third, the TSMS feature fusion layer is proposed to extract more effective multiscale features by integrating deep and broad representations. Thanks to the above elaborate design and the pseudoinverse calculation of the output layer weights, our proposed ConvBLS method is unprecedentedly efficient and effective. Finally, the corresponding incremental learning algorithms are presented for rapid remodeling if the model deems to expand. Experiments and comparisons demonstrate the superiority of our method.
广义学习系统(BLS)在对图像数据建模之前必须进行矢量化操作,这使得广义学习系统在学习局部语义特征方面面临挑战。因此,人们引入了各种基于卷积的广义学习系统(C-BLS)来应对这些挑战。遗憾的是,现有的 C-BLS 变体要么缺乏高效的训练算法和增量学习能力,要么性能不佳。为此,我们提出了一种基于球形 K-means(SKM)算法和两阶段多尺度(TSMS)特征融合的新型卷积广义学习系统(ConvBLS),它由卷积特征层(CFL)、卷积增强层(CEL)、TSMS 特征融合层和输出层组成。首先,与当前的 C-BLS 不同,它采用了简单而高效的 SKM 算法来学习 CFL 的权重。与随机滤波器相比,SKM 算法能使 CFL 学习到更全面的空间特征。其次,为了进一步挖掘局部语义特征,建立 CEL 来扩展特征空间。第三,提出 TSMS 特征融合层,通过整合深度和广度表征,提取更有效的多尺度特征。得益于上述精心设计和输出层权重的伪反演计算,我们提出的 ConvBLS 方法具有前所未有的高效性和有效性。最后,我们还提出了相应的增量学习算法,以便在模型需要扩展时进行快速重塑。实验和对比证明了我们方法的优越性。
{"title":"ConvBLS: An Effective and Efficient Incremental Convolutional Broad Learning System Combining Deep and Broad Representations","authors":"Chunyu Lei;Jifeng Guo;C. L. Philip Chen","doi":"10.1109/TAI.2024.3403953","DOIUrl":"https://doi.org/10.1109/TAI.2024.3403953","url":null,"abstract":"Broad learning system (BLS) has to undergo a vectorization operation before modeling image data, which makes it challenging for BLS to learn local semantic features. Thus, various convolutional-based broad learning systems (C-BLSs) have been introduced to address these challenges. Regrettably, the existing C-BLS variants either lack an efficient training algorithm and incremental learning capability or suffer from poor performance. To this end, we propose a novel convolutional broad learning system (ConvBLS) based on the spherical K-means (SKM) algorithm and two-stage multiscale (TSMS) feature fusion, which consists of the convolutional feature layer (CFL), convolutional enhancement layer (CEL), TSMS feature fusion layer, and output layer. First, unlike the current C-BLS, the simple yet efficient SKM algorithm is utilized to learn the weights of CFLs. Compared with random filters, the SKM algorithm enables the CFL to learn more comprehensive spatial features. Second, to further mine the local semantic features, CELs are established to expand the feature space. Third, the TSMS feature fusion layer is proposed to extract more effective multiscale features by integrating deep and broad representations. Thanks to the above elaborate design and the pseudoinverse calculation of the output layer weights, our proposed ConvBLS method is unprecedentedly efficient and effective. Finally, the corresponding incremental learning algorithms are presented for rapid remodeling if the model deems to expand. Experiments and comparisons demonstrate the superiority of our method.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142442961","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
Enhancing Reinforcement Learning via Transformer-Based State Predictive Representations 通过基于变压器的状态预测表示加强强化学习
Pub Date : 2024-03-21 DOI: 10.1109/TAI.2024.3379969
Minsong Liu;Yuanheng Zhu;Yaran Chen;Dongbin Zhao
Enhancing state representations can effectively mitigate the issue of low sample efficiency in reinforcement learning (RL) within high-dimensional input environments. Existing methods attempt to improve sample efficiency by learning predictive state representations from sequence data. However, there still remain significant challenges in achieving a comprehensive understanding and learning of information within long sequences. Motivated by this, we introduce a transformer-based state predictive representations (TSPR)1

Our code will be released at https://github.com/gourmet-liu/TSPR

auxiliary task that promotes better representation learning through self-supervised goals. Specifically, we design a transformer-based predictive model to establish unidirectional and bidirectional prediction tasks for predicting state representations within the latent space. TSPR effectively exploits contextual information within sequences to learn more informative state representations, thereby contributing to the enhancement of policy training in RL. Extensive experiments demonstrate that the combination of TSPR with off-policy RL algorithms leads to a substantial improvement in the sample efficiency of RL. Furthermore, TSPR outperforms state-of-the-art sample-efficient RL methods on both the multiple continuous control (DMControl) and discrete control(Atari) tasks.
在高维输入环境中,增强状态表征可以有效缓解强化学习(RL)中样本效率低的问题。现有方法试图通过从序列数据中学习预测性状态表征来提高采样效率。然而,要全面理解和学习长序列中的信息,仍然存在巨大挑战。受此启发,我们引入了基于变压器的状态预测表征(TSPR)11我们的代码将在 https://github.com/gourmet-liu/TSPR 发布,该辅助任务通过自我监督目标促进更好的表征学习。具体来说,我们设计了一个基于变压器的预测模型,以建立单向和双向预测任务,用于预测潜空间内的状态表征。TSPR 能有效利用序列中的上下文信息来学习信息量更大的状态表征,从而有助于增强 RL 中的策略训练。大量实验证明,将 TSPR 与非策略 RL 算法相结合,可大幅提高 RL 的采样效率。此外,TSPR 在多重连续控制(DMControl)和离散控制(Atari)任务上的表现都优于最先进的样本效率 RL 方法。
{"title":"Enhancing Reinforcement Learning via Transformer-Based State Predictive Representations","authors":"Minsong Liu;Yuanheng Zhu;Yaran Chen;Dongbin Zhao","doi":"10.1109/TAI.2024.3379969","DOIUrl":"https://doi.org/10.1109/TAI.2024.3379969","url":null,"abstract":"Enhancing state representations can effectively mitigate the issue of low sample efficiency in reinforcement learning (RL) within high-dimensional input environments. Existing methods attempt to improve sample efficiency by learning predictive state representations from sequence data. However, there still remain significant challenges in achieving a comprehensive understanding and learning of information within long sequences. Motivated by this, we introduce a transformer-based state predictive representations (TSPR)\u0000<xref><sup>1</sup></xref>\u0000<fn><label><sup>1</sup></label><p>Our code will be released at <uri>https://github.com/gourmet-liu/TSPR</uri></p></fn>\u0000 auxiliary task that promotes better representation learning through self-supervised goals. Specifically, we design a transformer-based predictive model to establish unidirectional and bidirectional prediction tasks for predicting state representations within the latent space. TSPR effectively exploits contextual information within sequences to learn more informative state representations, thereby contributing to the enhancement of policy training in RL. Extensive experiments demonstrate that the combination of TSPR with off-policy RL algorithms leads to a substantial improvement in the sample efficiency of RL. Furthermore, TSPR outperforms state-of-the-art sample-efficient RL methods on both the multiple continuous control (DMControl) and discrete control(Atari) tasks.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-21","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142165024","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
Cross-Modality Calibration in Multi-Input Network for Axillary Lymph Node Metastasis Evaluation 用于腋窝淋巴结转移评估的多输入网络中的跨模式校准
Pub Date : 2024-03-20 DOI: 10.1109/TAI.2024.3397246
Michela Gravina;Domiziana Santucci;Ermanno Cordelli;Paolo Soda;Carlo Sansone
The use of deep neural networks (DNNs) in medical images has enabled the development of solutions characterized by the need of leveraging information coming from multiple sources, raising the multimodal deep learning. DNNs are known for their ability to provide hierarchical and high-level representations of input data. This capability has led to the introduction of methods performing data fusion at an intermediate level, preserving the distinctiveness of the heterogeneous sources in modality-specific paths, while learning the way to define an effective combination in a shared representation. However, modeling the intricate relationships between different data remains an open issue. In this article, we aim to improve the integration of data coming from multiple sources. We introduce between layers belonging to different modality-specific paths a transfer module (TM) able to perform the cross-modality calibration of the extracted features, reducing the effects of the less discriminative ones. As case of study, we focus on the axillary lymph nodes (ALNs) metastasis evaluation in malignant breast cancer (BC), a crucial prognostic factor, affecting patient's survival. We propose a multi-input single-output 3-D convolutional neural network (CNN) that considers both images acquired with multiparametric magnetic resonance and clinical information. In particular, we assess the proposed methodology using four architectures, namely BasicNet and three ResNet variants, showing the improvement of the performance obtained by including the TM in the network configuration. Our results achieve up to 90% and 87% of accuracy and area under ROC curve, respectively when the ResNet10 is considered, surpassing various fusion strategies proposed in the literature.
在医学影像中使用深度神经网络(DNN),能够开发出以需要利用来自多个来源的信息为特征的解决方案,从而提高了多模态深度学习的水平。众所周知,深度神经网络能够对输入数据进行分层和高级表示。这种能力促使人们引入在中间层进行数据融合的方法,在特定模态路径中保留异构来源的独特性,同时学习如何在共享表征中定义有效的组合。然而,对不同数据之间错综复杂的关系进行建模仍然是一个有待解决的问题。在本文中,我们的目标是改进来自多个来源的数据的整合。我们在属于不同模态特定路径的层之间引入了一个转移模块(TM),该模块能够对提取的特征进行跨模态校准,从而减少辨别力较弱的特征的影响。作为研究案例,我们重点关注恶性乳腺癌(BC)的腋窝淋巴结(ALNs)转移评估,这是影响患者生存的关键预后因素。我们提出了一种多输入单输出三维卷积神经网络(CNN),它同时考虑了多参数磁共振采集的图像和临床信息。特别是,我们使用四种架构(即 BasicNet 和三种 ResNet 变体)对所提出的方法进行了评估,显示了将 TM 纳入网络配置后所获得的性能改进。当考虑到 ResNet10 时,我们的结果在准确率和 ROC 曲线下面积方面分别达到了 90% 和 87%,超过了文献中提出的各种融合策略。
{"title":"Cross-Modality Calibration in Multi-Input Network for Axillary Lymph Node Metastasis Evaluation","authors":"Michela Gravina;Domiziana Santucci;Ermanno Cordelli;Paolo Soda;Carlo Sansone","doi":"10.1109/TAI.2024.3397246","DOIUrl":"https://doi.org/10.1109/TAI.2024.3397246","url":null,"abstract":"The use of deep neural networks (DNNs) in medical images has enabled the development of solutions characterized by the need of leveraging information coming from multiple sources, raising the multimodal deep learning. DNNs are known for their ability to provide hierarchical and high-level representations of input data. This capability has led to the introduction of methods performing data fusion at an intermediate level, preserving the distinctiveness of the heterogeneous sources in modality-specific paths, while learning the way to define an effective combination in a shared representation. However, modeling the intricate relationships between different data remains an open issue. In this article, we aim to improve the integration of data coming from multiple sources. We introduce between layers belonging to different modality-specific paths a transfer module (TM) able to perform the cross-modality calibration of the extracted features, reducing the effects of the less discriminative ones. As case of study, we focus on the axillary lymph nodes (ALNs) metastasis evaluation in malignant breast cancer (BC), a crucial prognostic factor, affecting patient's survival. We propose a multi-input single-output 3-D convolutional neural network (CNN) that considers both images acquired with multiparametric magnetic resonance and clinical information. In particular, we assess the proposed methodology using four architectures, namely BasicNet and three ResNet variants, showing the improvement of the performance obtained by including the TM in the network configuration. Our results achieve up to 90% and 87% of accuracy and area under ROC curve, respectively when the ResNet10 is considered, surpassing various fusion strategies proposed in the literature.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=10535471","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142169734","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Diverse Hazy Image Synthesis via Coloring Network 通过着色网络合成多样化朦胧图像
Pub Date : 2024-03-20 DOI: 10.1109/TAI.2024.3379113
Shengdong Zhang;Xiaoqin Zhang;Shaohua Wan;Wenqi Ren;Liping Zhao;Li Zhao;Linlin Shen
Convolutional neural network (CNN)-based dehazing methods have achieved great success in single image dehazing. However, the absence of real-world haze image datasets hinders the deep development of single image dehazing. To address this issue, we propose a diverse hazy image synthesis method based on generative adversarial network (GAN) and matting. Specially, we train a GAN-based model that can transform a gray image into a hazy image. To boost the diversity of hazy images, we propose to simulate hazy images via image matting, which can fuse a real haze image with another image containing diverse objects. To evaluate the performance of dehazing methods, we propose two novel metrics: part-based peak signal-to-noise ratio (PSNR) and structure similarity index measure (SSIM). Extensive experiments are conducted to show the effectiveness of the proposed model, dataset, and criteria.
基于卷积神经网络(CNN)的去毛刺方法在单幅图像去毛刺方面取得了巨大成功。然而,现实世界中雾霾图像数据集的缺乏阻碍了单幅图像去噪的深入发展。为了解决这个问题,我们提出了一种基于生成式对抗网络(GAN)和消光的多样化雾霾图像合成方法。特别是,我们训练了一个基于 GAN 的模型,该模型可以将灰度图像转化为朦胧图像。为了提高朦胧图像的多样性,我们建议通过图像消隐来模拟朦胧图像,它可以将真实的朦胧图像与另一幅包含不同物体的图像融合在一起。为了评估去雾化方法的性能,我们提出了两个新的指标:基于部分的峰值信噪比(PSNR)和结构相似性指数(SSIM)。我们进行了广泛的实验,以展示所提模型、数据集和标准的有效性。
{"title":"Diverse Hazy Image Synthesis via Coloring Network","authors":"Shengdong Zhang;Xiaoqin Zhang;Shaohua Wan;Wenqi Ren;Liping Zhao;Li Zhao;Linlin Shen","doi":"10.1109/TAI.2024.3379113","DOIUrl":"https://doi.org/10.1109/TAI.2024.3379113","url":null,"abstract":"Convolutional neural network (CNN)-based dehazing methods have achieved great success in single image dehazing. However, the absence of real-world haze image datasets hinders the deep development of single image dehazing. To address this issue, we propose a diverse hazy image synthesis method based on generative adversarial network (GAN) and matting. Specially, we train a GAN-based model that can transform a gray image into a hazy image. To boost the diversity of hazy images, we propose to simulate hazy images via image matting, which can fuse a real haze image with another image containing diverse objects. To evaluate the performance of dehazing methods, we propose two novel metrics: part-based peak signal-to-noise ratio (PSNR) and structure similarity index measure (SSIM). Extensive experiments are conducted to show the effectiveness of the proposed model, dataset, and criteria.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630909","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
Enclose and Track a Target of Mobile Robot With Motion and Field of View Constraints Based on Relative Position Measurement 基于相对位置测量的移动机器人在运动和视场限制条件下包围并跟踪目标
Pub Date : 2024-03-20 DOI: 10.1109/TAI.2024.3403511
Yu Wen;Jiangshuai Huang;Shaoxin Sun;Xiaojie Su
This article presents a systematic design approach to address the challenge of enclosing and tracking a moving target in multirobot systems while accounting for motion and field of view (FOV) constraints. First, a reference trajectory is designed based on relative position measurement which also conforms to the motion and FOV constraints. Subsequently, considering the uncertainty of mobile robots, and combining prescribed performance bound (PPB) technique, an adaptive tracking solutions are designed to force the fleet of robots track and enclose the moving target. Experimental results demonstrate that the robots can efficiently track the provided reference trajectory while ensuring guaranteed transient performance of position and direction tracking errors, account for the motion and FOV constraints, achieve rapid enclosing and tracking of target objects.
本文介绍了一种系统化的设计方法,用于解决在多机器人系统中包围和跟踪移动目标的难题,同时考虑到运动和视场(FOV)限制。首先,基于相对位置测量设计参考轨迹,该轨迹也符合运动和视场约束条件。随后,考虑到移动机器人的不确定性,并结合规定性能约束(PPB)技术,设计了一种自适应跟踪方案,以迫使机器人群跟踪并包围移动目标。实验结果表明,机器人可以有效地跟踪所提供的参考轨迹,同时保证位置和方向跟踪误差的瞬态性能,考虑运动和视场约束,实现对目标物体的快速包围和跟踪。
{"title":"Enclose and Track a Target of Mobile Robot With Motion and Field of View Constraints Based on Relative Position Measurement","authors":"Yu Wen;Jiangshuai Huang;Shaoxin Sun;Xiaojie Su","doi":"10.1109/TAI.2024.3403511","DOIUrl":"https://doi.org/10.1109/TAI.2024.3403511","url":null,"abstract":"This article presents a systematic design approach to address the challenge of enclosing and tracking a moving target in multirobot systems while accounting for motion and field of view (FOV) constraints. First, a reference trajectory is designed based on relative position measurement which also conforms to the motion and FOV constraints. Subsequently, considering the uncertainty of mobile robots, and combining prescribed performance bound (PPB) technique, an adaptive tracking solutions are designed to force the fleet of robots track and enclose the moving target. Experimental results demonstrate that the robots can efficiently track the provided reference trajectory while ensuring guaranteed transient performance of position and direction tracking errors, account for the motion and FOV constraints, achieve rapid enclosing and tracking of target objects.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"142443028","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
Variance-Reduced Deep Actor–Critic With an Optimally Subsampled Actor Recursion 采用最佳子采样演员递归的降方差深度演员评判器
Pub Date : 2024-03-20 DOI: 10.1109/TAI.2024.3379109
Lakshmi Mandal;Raghuram Bharadwaj Diddigi;Shalabh Bhatnagar
Reinforcement learning (RL) algorithms combined with deep learning architectures have achieved tremendous success in many practical applications. However, the policies obtained by many deep reinforcement learning (DRL) algorithms are seen to suffer from high variance making them less useful in safety-critical applications. In general, it is desirable to have algorithms that give a low iterate-variance while providing a high long-term reward. In this work, we consider the actor–critic (AC) paradigm, where the critic is responsible for evaluating the policy while the feedback from the critic is used by the actor for updating the policy. The updates of both the critic and the actor in the standard AC procedure are run concurrently until convergence. It has been previously observed that updating the actor once after every $L>1$ steps of the critic reduces the iterate variance. In this article, we address the question of what optimal $L$-value to use in the recursions and propose a data-driven $L$-update rule that runs concurrently with the AC algorithm with the objective being to minimize the variance of the infinite horizon discounted reward. This update is based on a random search (discrete) parameter optimization procedure that incorporates smoothed functional (SF) estimates. We prove the convergence of our proposed multitimescale scheme to the optimal $L$ and optimal policy pair. Subsequently, through numerical evaluations on benchmark RL tasks, we demonstrate the advantages of our proposed algorithm over multiple state-of-the-art algorithms in the literature.
强化学习(RL)算法与深度学习架构相结合,在许多实际应用中取得了巨大成功。然而,许多深度强化学习(DRL)算法获得的策略都存在高方差的问题,这使得它们在安全关键型应用中的作用大打折扣。一般来说,我们希望算法在提供高长期回报的同时,还能降低迭代方差。在这项工作中,我们考虑了行动者-批评者(AC)范式,即批评者负责评估策略,而行动者则利用批评者的反馈更新策略。在标准 AC 程序中,批判者和行动者的更新同时进行,直至收敛。以前曾观察到,在批判者每执行 $L>1$ 步后更新一次行动者会降低迭代方差。在本文中,我们将讨论在递归中使用什么最优 $L$ 值的问题,并提出一种数据驱动的 $L$ 更新规则,该规则与 AC 算法同时运行,目标是最小化无限期贴现奖励的方差。这种更新基于随机搜索(离散)参数优化程序,其中包含平滑函数(SF)估计值。我们证明了我们提出的多时间尺度方案对最优 $L$ 和最优政策对的收敛性。随后,通过对基准 RL 任务的数值评估,我们证明了我们提出的算法相对于文献中多种最先进算法的优势。
{"title":"Variance-Reduced Deep Actor–Critic With an Optimally Subsampled Actor Recursion","authors":"Lakshmi Mandal;Raghuram Bharadwaj Diddigi;Shalabh Bhatnagar","doi":"10.1109/TAI.2024.3379109","DOIUrl":"https://doi.org/10.1109/TAI.2024.3379109","url":null,"abstract":"Reinforcement learning (RL) algorithms combined with deep learning architectures have achieved tremendous success in many practical applications. However, the policies obtained by many deep reinforcement learning (DRL) algorithms are seen to suffer from high variance making them less useful in safety-critical applications. In general, it is desirable to have algorithms that give a low iterate-variance while providing a high long-term reward. In this work, we consider the actor–critic (AC) paradigm, where the critic is responsible for evaluating the policy while the feedback from the critic is used by the actor for updating the policy. The updates of both the critic and the actor in the standard AC procedure are run concurrently until convergence. It has been previously observed that updating the actor once after every \u0000<inline-formula><tex-math>$L&gt;1$</tex-math></inline-formula>\u0000 steps of the critic reduces the iterate variance. In this article, we address the question of what optimal \u0000<inline-formula><tex-math>$L$</tex-math></inline-formula>\u0000-value to use in the recursions and propose a data-driven \u0000<inline-formula><tex-math>$L$</tex-math></inline-formula>\u0000-update rule that runs concurrently with the AC algorithm with the objective being to minimize the variance of the infinite horizon discounted reward. This update is based on a random search (discrete) parameter optimization procedure that incorporates smoothed functional (SF) estimates. We prove the convergence of our proposed multitimescale scheme to the optimal \u0000<inline-formula><tex-math>$L$</tex-math></inline-formula>\u0000 and optimal policy pair. Subsequently, through numerical evaluations on benchmark RL tasks, we demonstrate the advantages of our proposed algorithm over multiple state-of-the-art algorithms in the literature.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630910","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
Scene Text Image Superresolution Through Multiscale Interaction of Structural and Semantic Priors 通过结构先验和语义先验的多尺度交互实现场景文本图像超分辨率
Pub Date : 2024-03-19 DOI: 10.1109/TAI.2024.3375836
Zhongjie Zhu;Lei Zhang;Yongqiang Bai;Yuer Wang;Pei Li
Scene text image superresolution (STISR) aims to enhance the resolution of images containing text within a scene, making the text more readable and easier to recognize. This technique has broad applications in numerous fields such as autonomous driving, document scanning, image retrieval, and so on. However, most existing STISR methods have not fully exploited the multiscale structural and semantic information within scene text images. As a result, the restored text image quality is not sufficient, significantly impacting subsequent tasks such as text detection and recognition. Hence, this article proposes a novel scheme that leverages multiscale structural and semantic priors to efficiently guide text semantic restoration, ultimately yielding high-quality text images. First, a multiscale interaction attention (MSIA) module is designed to capture location-specific details of various-scale structural features and facilitate the recovery of semantic information. Second, a multiscale prior learning module (MSPLM) is developed. Within this module, skip connections are employed among codecs to strengthen both structural and semantic prior features, thereby enhancing the up-sampling and reconstruction capabilities. Finally, building upon the MSPLM, cascaded encoders are connected through residual connections to further enrich the multiscale features and bolster the representational capacity of the prior. Experiments conducted on the standard TextZoom dataset demonstrate that the average recognition accuracies of three evaluators—attentional scene text recognizer (ASTER), convolutional recurrent neural network (CRNN), and multi-object rectified attention network (MORAN)—are 64.4%, 53.5%, and 60.8%, respectively, surpassing most existing methods, including the state-of-the-art ones.
场景文本图像超分辨率(STISR)旨在增强场景中包含文本的图像的分辨率,使文本更易读、更易识别。这项技术在自动驾驶、文档扫描、图像检索等众多领域有着广泛的应用。然而,现有的 STISR 方法大多没有充分利用场景文本图像中的多尺度结构和语义信息。因此,修复后的文本图像质量不高,严重影响了文本检测和识别等后续任务。因此,本文提出了一种新方案,利用多尺度结构和语义先验来有效指导文本语义还原,最终获得高质量的文本图像。首先,设计了一个多尺度交互注意(MSIA)模块,以捕捉不同尺度结构特征的特定位置细节,促进语义信息的恢复。其次,开发了多尺度先验学习模块(MSPLM)。在该模块中,编解码器之间采用跳转连接,以加强结构和语义先验特征,从而增强上采样和重建能力。最后,在 MSPLM 的基础上,通过残差连接将级联编码器连接起来,进一步丰富多尺度特征,增强先验的表征能力。在标准 TextZoom 数据集上进行的实验表明,三个评估器--注意力场景文本识别器(ASTER)、卷积递归神经网络(CRNN)和多对象整流注意力网络(MORAN)--的平均识别准确率分别为 64.4%、53.5% 和 60.8%,超过了大多数现有方法,包括最先进的方法。
{"title":"Scene Text Image Superresolution Through Multiscale Interaction of Structural and Semantic Priors","authors":"Zhongjie Zhu;Lei Zhang;Yongqiang Bai;Yuer Wang;Pei Li","doi":"10.1109/TAI.2024.3375836","DOIUrl":"https://doi.org/10.1109/TAI.2024.3375836","url":null,"abstract":"Scene text image superresolution (STISR) aims to enhance the resolution of images containing text within a scene, making the text more readable and easier to recognize. This technique has broad applications in numerous fields such as autonomous driving, document scanning, image retrieval, and so on. However, most existing STISR methods have not fully exploited the multiscale structural and semantic information within scene text images. As a result, the restored text image quality is not sufficient, significantly impacting subsequent tasks such as text detection and recognition. Hence, this article proposes a novel scheme that leverages multiscale structural and semantic priors to efficiently guide text semantic restoration, ultimately yielding high-quality text images. First, a multiscale interaction attention (MSIA) module is designed to capture location-specific details of various-scale structural features and facilitate the recovery of semantic information. Second, a multiscale prior learning module (MSPLM) is developed. Within this module, skip connections are employed among codecs to strengthen both structural and semantic prior features, thereby enhancing the up-sampling and reconstruction capabilities. Finally, building upon the MSPLM, cascaded encoders are connected through residual connections to further enrich the multiscale features and bolster the representational capacity of the prior. Experiments conducted on the standard TextZoom dataset demonstrate that the average recognition accuracies of three evaluators—attentional scene text recognizer (ASTER), convolutional recurrent neural network (CRNN), and multi-object rectified attention network (MORAN)—are 64.4%, 53.5%, and 60.8%, respectively, surpassing most existing methods, including the state-of-the-art ones.","PeriodicalId":73305,"journal":{"name":"IEEE transactions on artificial intelligence","volume":null,"pages":null},"PeriodicalIF":0.0,"publicationDate":"2024-03-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141630968","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
期刊
IEEE transactions on artificial intelligence
全部 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