首页 > 最新文献

International Journal of Machine Learning and Cybernetics最新文献

英文 中文
Condensed-gradient boosting 浓缩梯度增强
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-23 DOI: 10.1007/s13042-024-02279-0
Seyedsaman Emami, Gonzalo Martínez-Muñoz

This paper presents a computationally efficient variant of Gradient Boosting (GB) for multi-class classification and multi-output regression tasks. Standard GB uses a 1-vs-all strategy for classification tasks with more than two classes. This strategy entails that one tree per class and iteration has to be trained. In this work, we propose the use of multi-output regressors as base models to handle the multi-class problem as a single task. In addition, the proposed modification allows the model to learn multi-output regression problems. An extensive comparison with other multi-output based Gradient Boosting methods is carried out in terms of generalization and computational efficiency. The proposed method showed the best trade-off between generalization ability and training and prediction speeds. Furthermore, an analysis of space and time complexity was undertaken.

本文针对多类分类和多输出回归任务,提出了一种计算高效的梯度提升(GB)变体。标准 GB 对多于两个类别的分类任务采用 "1-vs-all "策略。这种策略要求对每个类别和迭代训练一棵树。在这项工作中,我们建议使用多输出回归模型作为基础模型,将多类问题作为单一任务来处理。此外,建议的修改还允许模型学习多输出回归问题。在泛化和计算效率方面,与其他基于多输出的梯度提升方法进行了广泛的比较。所提出的方法在泛化能力与训练和预测速度之间做出了最佳权衡。此外,还对空间和时间复杂性进行了分析。
{"title":"Condensed-gradient boosting","authors":"Seyedsaman Emami, Gonzalo Martínez-Muñoz","doi":"10.1007/s13042-024-02279-0","DOIUrl":"https://doi.org/10.1007/s13042-024-02279-0","url":null,"abstract":"<p>This paper presents a computationally efficient variant of Gradient Boosting (GB) for multi-class classification and multi-output regression tasks. Standard GB uses a 1-vs-all strategy for classification tasks with more than two classes. This strategy entails that one tree per class and iteration has to be trained. In this work, we propose the use of multi-output regressors as base models to handle the multi-class problem as a single task. In addition, the proposed modification allows the model to learn multi-output regression problems. An extensive comparison with other multi-output based Gradient Boosting methods is carried out in terms of generalization and computational efficiency. The proposed method showed the best trade-off between generalization ability and training and prediction speeds. Furthermore, an analysis of space and time complexity was undertaken.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"8 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141784937","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A dual stream attention network for facial expression recognition in the wild 用于野生面部表情识别的双流注意力网络
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-23 DOI: 10.1007/s13042-024-02287-0
Hui Tang, Yichang Li, Zhong Jin

Facial Expression Recognition (FER) is crucial for human-computer interaction and has achieved satisfactory results on lab-collected datasets. However, occlusion and head pose variation in the real world make FER extremely challenging due to facial information deficiency. This paper proposes a novel Dual Stream Attention Network (DSAN) for occlusion and head pose robust FER. Specifically, DSAN consists of a Global Feature Element-based Attention Network (GFE-AN) and a Multi-Feature Fusion-based Attention Network (MFF-AN). A sparse attention block and a feature recalibration loss designed in GFE-AN selectively emphasize feature elements meaningful for facial expression and suppress those unrelated to facial expression. And a lightweight local feature attention block is customized in MFF-AN to extract rich semantic information from different representation sub-spaces. In addition, DSAN takes into account computation overhead minimization when designing model architecture. Extensive experiments on public benchmarks demonstrate that the proposed DSAN outperforms the state-of-the-art methods with 89.70% on RAF-DB, 89.93% on FERPlus, 65.77% on AffectNet-7, 62.13% on AffectNet-8. Moreover, the parameter size of DSAN is only 11.33M, which is lightweight compared to most of the recent in-the-wild FER algorithms.

面部表情识别(FER)对于人机交互至关重要,在实验室收集的数据集上已经取得了令人满意的结果。然而,在现实世界中,由于面部信息的缺失,遮挡和头部姿势的变化使得 FER 极具挑战性。本文提出了一种新颖的双流注意力网络(DSAN),可用于遮挡和头部姿势稳健的 FER。具体来说,DSAN 由基于全局特征元素的注意力网络(GFE-AN)和基于多特征融合的注意力网络(MFF-AN)组成。GFE-AN 中设计了一个稀疏注意块和一个特征重校准损失,可选择性地强调对面部表情有意义的特征元素,抑制与面部表情无关的特征元素。MFF-AN 中定制了一个轻量级局部特征关注块,以从不同的表征子空间中提取丰富的语义信息。此外,DSAN 在设计模型架构时还考虑到了计算开销最小化。在公共基准上进行的大量实验表明,所提出的 DSAN 优于最先进的方法,在 RAF-DB 上的得分率为 89.70%,在 FERPlus 上的得分率为 89.93%,在 AffectNet-7 上的得分率为 65.77%,在 AffectNet-8 上的得分率为 62.13%。此外,DSAN 的参数大小仅为 11.33M,与最近大多数现成的 FER 算法相比非常轻便。
{"title":"A dual stream attention network for facial expression recognition in the wild","authors":"Hui Tang, Yichang Li, Zhong Jin","doi":"10.1007/s13042-024-02287-0","DOIUrl":"https://doi.org/10.1007/s13042-024-02287-0","url":null,"abstract":"<p>Facial Expression Recognition (FER) is crucial for human-computer interaction and has achieved satisfactory results on lab-collected datasets. However, occlusion and head pose variation in the real world make FER extremely challenging due to facial information deficiency. This paper proposes a novel Dual Stream Attention Network (DSAN) for occlusion and head pose robust FER. Specifically, DSAN consists of a Global Feature Element-based Attention Network (GFE-AN) and a Multi-Feature Fusion-based Attention Network (MFF-AN). A sparse attention block and a feature recalibration loss designed in GFE-AN selectively emphasize feature elements meaningful for facial expression and suppress those unrelated to facial expression. And a lightweight local feature attention block is customized in MFF-AN to extract rich semantic information from different representation sub-spaces. In addition, DSAN takes into account computation overhead minimization when designing model architecture. Extensive experiments on public benchmarks demonstrate that the proposed DSAN outperforms the state-of-the-art methods with 89.70% on RAF-DB, 89.93% on FERPlus, 65.77% on AffectNet-7, 62.13% on AffectNet-8. Moreover, the parameter size of DSAN is only 11.33M, which is lightweight compared to most of the recent in-the-wild FER algorithms.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"37 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141770211","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adversarial attack method based on enhanced spatial momentum 基于增强空间动量的对抗性攻击方法
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s13042-024-02290-5
Jun Hu, Guanghao Wei, Shuyin Xia, Guoyin Wang

Deep neural networks have been widely applied in many fields, but it is found that they are vulnerable to adversarial examples, which can mislead the DNN-based models with imperceptible perturbations. Many adversarial attack methods can achieve great success rates when attacking white-box models, but they usually exhibit poor transferability when attacking black-box models. Momentum iterative gradient-based methods can effectively improve the transferability of adversarial examples. Still, the momentum update mechanism of existing methods may lead to a problem of unstable gradient update direction and result in poor local optima. In this paper, we propose an enhanced spatial momentum iterative gradient-based adversarial attack method. Specifically, we introduce the spatial domain momentum accumulation mechanism. Instead of only accumulating the gradients of data points on the optimization path in the gradient update process, we additionally accumulate the average gradients of multiple sampling points within the neighborhood of data points. This mechanism fully utilizes the contextual gradient information of different regions within the image to smooth the accumulated gradients and find a more stable gradient update direction, thus escaping from poor local optima. Empirical results on the standard ImageNet dataset demonstrate that our method can significantly improve the attack success rate of momentum iterative gradient-based methods and shows excellent attack performance not only against normally trained models but also against adversarial training and defense models, outperforming the state-of-the-art methods.

深度神经网络已被广泛应用于许多领域,但人们发现,它们很容易受到对抗性示例的影响,对抗性示例会以难以察觉的扰动误导基于深度神经网络的模型。许多对抗性攻击方法在攻击白盒模型时可以获得很高的成功率,但在攻击黑盒模型时通常表现出很差的可移植性。基于动量迭代梯度的方法可以有效提高对抗范例的可移植性。然而,现有方法的动量更新机制可能会导致梯度更新方向不稳定的问题,并导致局部最优性较差。本文提出了一种基于空间动量迭代梯度的增强型对抗攻击方法。具体来说,我们引入了空间域动量累积机制。在梯度更新过程中,我们不再只累积优化路径上数据点的梯度,而是额外累积数据点邻域内多个采样点的平均梯度。这种机制充分利用了图像中不同区域的上下文梯度信息,使积累的梯度更加平滑,找到了更稳定的梯度更新方向,从而摆脱了局部最优的困境。在标准 ImageNet 数据集上的实证结果表明,我们的方法可以显著提高基于动量迭代梯度方法的攻击成功率,不仅在对抗正常训练模型时表现出优异的攻击性能,而且在对抗对抗性训练和防御模型时也表现出优异的攻击性能,优于最先进的方法。
{"title":"Adversarial attack method based on enhanced spatial momentum","authors":"Jun Hu, Guanghao Wei, Shuyin Xia, Guoyin Wang","doi":"10.1007/s13042-024-02290-5","DOIUrl":"https://doi.org/10.1007/s13042-024-02290-5","url":null,"abstract":"<p>Deep neural networks have been widely applied in many fields, but it is found that they are vulnerable to adversarial examples, which can mislead the DNN-based models with imperceptible perturbations. Many adversarial attack methods can achieve great success rates when attacking white-box models, but they usually exhibit poor transferability when attacking black-box models. Momentum iterative gradient-based methods can effectively improve the transferability of adversarial examples. Still, the momentum update mechanism of existing methods may lead to a problem of unstable gradient update direction and result in poor local optima. In this paper, we propose an enhanced spatial momentum iterative gradient-based adversarial attack method. Specifically, we introduce the spatial domain momentum accumulation mechanism. Instead of only accumulating the gradients of data points on the optimization path in the gradient update process, we additionally accumulate the average gradients of multiple sampling points within the neighborhood of data points. This mechanism fully utilizes the contextual gradient information of different regions within the image to smooth the accumulated gradients and find a more stable gradient update direction, thus escaping from poor local optima. Empirical results on the standard ImageNet dataset demonstrate that our method can significantly improve the attack success rate of momentum iterative gradient-based methods and shows excellent attack performance not only against normally trained models but also against adversarial training and defense models, outperforming the state-of-the-art methods.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"81 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141738346","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep feature dendrite with weak mapping for small-sample hyperspectral image classification 用于小样本高光谱图像分类的弱映射深度特征树枝状图
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-22 DOI: 10.1007/s13042-024-02272-7
Gang Liu, Jiaying Xu, Shanshan Zhao, Rui Zhang, Xiaoyuan Li, Shanshan Guo, Yajing Pang

Hyperspectral image (HSI) classification faces the challenges of large and complex data and costly training labels. Existing methods for small-sample HSI classification may not achieve good generalization because they pursue powerful feature extraction and nonlinear mapping abilities. We argue that small samples need deep feature extraction but weak nonlinear mapping to achieve generalization. Based on this, we propose a Deep Feature Dendrite (DFD) method, which consists of two parts: a deep feature extraction part that uses a convolution-tokenization-attention module to effectively extract spatial-spectral features, and a controllable mapping part that uses a residual dendrite network to perform weak mapping and enhance generalization ability. We conducted experiments on four standard datasets, and the results show that our method has higher classification accuracy than other existing methods. Significance: This paper pioneers and verifies weak mapping and generalization for HSI classification (new ideas). DFD code is available at https://github.com/liugang1234567/DFD

高光谱图像(HSI)分类面临着大量复杂数据和昂贵训练标签的挑战。现有的小样本 HSI 分类方法可能无法实现良好的泛化,因为它们追求强大的特征提取和非线性映射能力。我们认为,要实现泛化,小样本需要深度特征提取,但非线性映射能力较弱。在此基础上,我们提出了一种深度树枝状特征(DFD)方法,该方法由两部分组成:深度特征提取部分,利用卷积-标示-关注模块有效提取空间-光谱特征;可控映射部分,利用残余树枝状网络进行弱映射,增强泛化能力。我们在四个标准数据集上进行了实验,结果表明我们的方法比其他现有方法具有更高的分类准确性。意义重大:本文开创并验证了人机交互分类的弱映射和泛化(新思路)。DFD 代码见 https://github.com/liugang1234567/DFD
{"title":"Deep feature dendrite with weak mapping for small-sample hyperspectral image classification","authors":"Gang Liu, Jiaying Xu, Shanshan Zhao, Rui Zhang, Xiaoyuan Li, Shanshan Guo, Yajing Pang","doi":"10.1007/s13042-024-02272-7","DOIUrl":"https://doi.org/10.1007/s13042-024-02272-7","url":null,"abstract":"<p>Hyperspectral image (HSI) classification faces the challenges of large and complex data and costly training labels. Existing methods for small-sample HSI classification may not achieve good generalization because they pursue powerful feature extraction and nonlinear mapping abilities. We argue that small samples need deep feature extraction but weak nonlinear mapping to achieve generalization. Based on this, we propose a Deep Feature Dendrite (DFD) method, which consists of two parts: a deep feature extraction part that uses a convolution-tokenization-attention module to effectively extract spatial-spectral features, and a controllable mapping part that uses a residual dendrite network to perform weak mapping and enhance generalization ability. We conducted experiments on four standard datasets, and the results show that our method has higher classification accuracy than other existing methods. Significance: This paper pioneers and verifies weak mapping and generalization for HSI classification (new ideas). DFD code is available at https://github.com/liugang1234567/DFD</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"6 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141738345","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
SPERM: sequential pairwise embedding recommendation with MI-FGSM SPERM:利用 MI-FGSM 进行顺序成对嵌入推荐
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-19 DOI: 10.1007/s13042-024-02288-z
Agyemang Paul, Yuxuan Wan, Boyu Chen, Zhefu Wu

Visual recommendation systems have shown remarkable performance by leveraging consumer feedback and the visual attributes of products. However, recent concerns have arisen regarding the decline in recommendation quality when these systems are subjected to attacks that compromise the model parameters. While the fast gradient sign method (FGSM) and iterative FGSM (I-FGSM) are well-studied attack strategies, the momentum iterative FGSM (MI-FGSM), known for its superiority in the computer vision (CV) domain, has been overlooked. This oversight raises the possibility that visual recommender systems may be vulnerable to MI-FGSM, leading to significant vulnerabilities. Adversarial training, a regularization technique designed to withstand MI-FGSM attacks, could be a promising solution to bolster model resilience. In this research, we introduce MI-FGSM for visual recommendation. We propose the Sequential Pairwise Embedding Recommender with MI-FGSM (SPERM), a model that incorporates visual, temporal, and sequential information for visual recommendations through adversarial training. Specifically, we employ higher-order Markov chains to capture consumers’ sequential behaviors and utilize visual pairwise ranking to discern their visual preferences. To optimize the SPERM model, we employ a learning method based on AdaGrad. Moreover, we fortify the SPERM approach with adversarial training, where the primary objective is to train the model to withstand adversarial inputs introduced by MI-FGSM. Finally, we evaluate the effectiveness of our approach by conducting experiments on three Amazon datasets, comparing it with existing visual and adversarial recommendation algorithms. Our results demonstrate the efficacy of the proposed SPERM model in addressing adversarial attacks while enhancing visual recommendation performance.

视觉推荐系统利用消费者的反馈和产品的视觉属性,表现出卓越的性能。然而,最近出现的问题是,当这些系统受到攻击而损害模型参数时,推荐质量就会下降。快速梯度符号法(FGSM)和迭代 FGSM(I-FGSM)是研究得比较透彻的攻击策略,而在计算机视觉(CV)领域以其优越性而著称的动量迭代 FGSM(MI-FGSM)却被忽视了。这种疏忽使视觉推荐系统有可能受到 MI-FGSM 的攻击,从而导致重大漏洞。对抗训练是一种旨在抵御 MI-FGSM 攻击的正则化技术,它可能是增强模型弹性的一种有前途的解决方案。在本研究中,我们为视觉推荐引入了 MI-FGSM。我们提出了使用 MI-FGSM 的顺序成对嵌入推荐模型(SPERM),该模型通过对抗训练将视觉、时间和顺序信息整合到视觉推荐中。具体来说,我们采用高阶马尔可夫链来捕捉消费者的顺序行为,并利用视觉配对排序来辨别消费者的视觉偏好。为了优化 SPERM 模型,我们采用了一种基于 AdaGrad 的学习方法。此外,我们还通过对抗训练强化了 SPERM 方法,其主要目的是训练模型抵御 MI-FGSM 引入的对抗输入。最后,我们通过在三个亚马逊数据集上进行实验,评估了我们的方法的有效性,并将其与现有的可视化和对抗性推荐算法进行了比较。我们的结果证明了所提出的 SPERM 模型在应对对抗性攻击、提高视觉推荐性能方面的功效。
{"title":"SPERM: sequential pairwise embedding recommendation with MI-FGSM","authors":"Agyemang Paul, Yuxuan Wan, Boyu Chen, Zhefu Wu","doi":"10.1007/s13042-024-02288-z","DOIUrl":"https://doi.org/10.1007/s13042-024-02288-z","url":null,"abstract":"<p>Visual recommendation systems have shown remarkable performance by leveraging consumer feedback and the visual attributes of products. However, recent concerns have arisen regarding the decline in recommendation quality when these systems are subjected to attacks that compromise the model parameters. While the fast gradient sign method (FGSM) and iterative FGSM (I-FGSM) are well-studied attack strategies, the momentum iterative FGSM (MI-FGSM), known for its superiority in the computer vision (CV) domain, has been overlooked. This oversight raises the possibility that visual recommender systems may be vulnerable to MI-FGSM, leading to significant vulnerabilities. Adversarial training, a regularization technique designed to withstand MI-FGSM attacks, could be a promising solution to bolster model resilience. In this research, we introduce MI-FGSM for visual recommendation. We propose the Sequential Pairwise Embedding Recommender with MI-FGSM (SPERM), a model that incorporates visual, temporal, and sequential information for visual recommendations through adversarial training. Specifically, we employ higher-order Markov chains to capture consumers’ sequential behaviors and utilize visual pairwise ranking to discern their visual preferences. To optimize the SPERM model, we employ a learning method based on AdaGrad. Moreover, we fortify the SPERM approach with adversarial training, where the primary objective is to train the model to withstand adversarial inputs introduced by MI-FGSM. Finally, we evaluate the effectiveness of our approach by conducting experiments on three Amazon datasets, comparing it with existing visual and adversarial recommendation algorithms. Our results demonstrate the efficacy of the proposed SPERM model in addressing adversarial attacks while enhancing visual recommendation performance.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"146 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141738483","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
One-step graph-based multi-view clustering via specific and unified nonnegative embeddings 通过特定和统一的非负嵌入,实现基于图形的一步式多视图聚类
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-17 DOI: 10.1007/s13042-024-02280-7
Sally El Hajjar, Fahed Abdallah, Hichem Omrani, Alain Khaled Chaaban, Muhammad Arif, Ryan Alturki, Mohammed J. AlGhamdi

Multi-view clustering techniques, especially spectral clustering methods, are quite popular today in the fields of machine learning and data science owing to the ever-growing diversity in data types and information sources. As the landscape of data continues to evolve, the need for advanced clustering approaches becomes increasingly crucial. In this context, the research in this study addresses the challenges posed by traditional multi-view spectral clustering techniques, offering a novel approach that simultaneously learns nonnegative embedding matrices and spectral embeddings. Moreover, the cluster label matrix, also known as the nonnegative embedding matrix, is split into two different types of matrices: (1) the shared nonnegative embedding matrix, which reflects the common cluster structure, (2) the individual nonnegative embedding matrices, which represent the unique cluster structure of each view. The proposed strategy allows us to effectively deal with noise and outliers in multiple views. The simultaneous optimization of the proposed model is solved efficiently with an alternating minimization scheme. The proposed method exhibits significant improvements, with an average accuracy enhancement of 4% over existing models, as demonstrated through extensive experiments on various real datasets. This highlights the efficacy of the approach in achieving superior clustering results.

由于数据类型和信息来源日益多样化,多视角聚类技术,尤其是光谱聚类方法,如今在机器学习和数据科学领域相当流行。随着数据领域的不断发展,对先进聚类方法的需求也变得越来越重要。在此背景下,本研究针对传统多视角光谱聚类技术带来的挑战,提供了一种同时学习非负嵌入矩阵和光谱嵌入的新方法。此外,聚类标签矩阵(也称为非负嵌入矩阵)被分成两种不同类型的矩阵:(1) 共享非负嵌入矩阵,它反映了共同的聚类结构;(2) 单个非负嵌入矩阵,它代表了每个视图独特的聚类结构。所提出的策略使我们能够有效地处理多个视图中的噪声和异常值。通过交替最小化方案,可以高效地解决所提模型的同步优化问题。通过在各种真实数据集上进行大量实验,证明了所提出的方法有显著的改进,与现有模型相比,平均准确率提高了 4%。这凸显了该方法在实现卓越聚类结果方面的功效。
{"title":"One-step graph-based multi-view clustering via specific and unified nonnegative embeddings","authors":"Sally El Hajjar, Fahed Abdallah, Hichem Omrani, Alain Khaled Chaaban, Muhammad Arif, Ryan Alturki, Mohammed J. AlGhamdi","doi":"10.1007/s13042-024-02280-7","DOIUrl":"https://doi.org/10.1007/s13042-024-02280-7","url":null,"abstract":"<p>Multi-view clustering techniques, especially spectral clustering methods, are quite popular today in the fields of machine learning and data science owing to the ever-growing diversity in data types and information sources. As the landscape of data continues to evolve, the need for advanced clustering approaches becomes increasingly crucial. In this context, the research in this study addresses the challenges posed by traditional multi-view spectral clustering techniques, offering a novel approach that simultaneously learns nonnegative embedding matrices and spectral embeddings. Moreover, the cluster label matrix, also known as the nonnegative embedding matrix, is split into two different types of matrices: (1) the shared nonnegative embedding matrix, which reflects the common cluster structure, (2) the individual nonnegative embedding matrices, which represent the unique cluster structure of each view. The proposed strategy allows us to effectively deal with noise and outliers in multiple views. The simultaneous optimization of the proposed model is solved efficiently with an alternating minimization scheme. The proposed method exhibits significant improvements, with an average accuracy enhancement of 4% over existing models, as demonstrated through extensive experiments on various real datasets. This highlights the efficacy of the approach in achieving superior clustering results.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"21 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141738484","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Industrial product surface defect detection via the fast denoising diffusion implicit model 通过快速去噪扩散隐含模型检测工业产品表面缺陷
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-11 DOI: 10.1007/s13042-024-02213-4
Yue Wang, Yong Yang, Mingsheng Liu, Xianghong Tang, Haibin Wang, Zhifeng Hao, Ze Shi, Gang Wang, Botao Jiang, Chunyang Liu

In the age of intelligent manufacturing, surface defect detection plays a pivotal role in the automated quality control of industrial products, constituting a fundamental aspect of smart factory evolution. Considering the diverse sizes and feature scales of surface defects on industrial products and the difficulty in procuring high-quality training samples, the achievement of real-time and high-quality surface defect detection through artificial intelligence technologies remains a formidable challenge. To address this, we introduce a defect detection approach grounded in the Fast Denoising Probabilistic Implicit Models. Firstly, we propose a noise predictor influenced by the spectral radius feature tensor of images. This enhancement augments the ability of generative model to capture nuanced details in non-defective areas, thus overcoming limitations in model versatility and detail portrayal. Furthermore, we present a loss function constraint based on the Perron-root. This is designed to incorporate the constraint within the representational space, ensuring the denoising model consistently produces high-quality samples. Lastly, comprehensive experiments on both the Magnetic Tile and Market-PCB datasets, benchmarked against nine most representative models, underscore the exemplary detection efficacy of our proposed approach.

在智能制造时代,表面缺陷检测在工业产品的自动化质量控制中起着举足轻重的作用,是智能工厂演进的一个基本方面。考虑到工业产品表面缺陷的尺寸和特征尺度多种多样,且难以获得高质量的训练样本,通过人工智能技术实现实时、高质量的表面缺陷检测仍然是一项艰巨的挑战。为此,我们引入了一种基于快速去噪概率隐含模型的缺陷检测方法。首先,我们提出了一种受图像光谱半径特征张量影响的噪声预测器。这一改进增强了生成模型捕捉非缺陷区域细微细节的能力,从而克服了模型通用性和细节刻画方面的局限。此外,我们还提出了一种基于 Perron 根的损失函数约束。这样做的目的是将约束条件纳入表征空间,确保去噪模型始终能生成高质量的样本。最后,我们在磁瓦数据集和市场-PCB 数据集上进行了综合实验,以九种最具代表性的模型为基准,强调了我们提出的方法具有典范性的检测功效。
{"title":"Industrial product surface defect detection via the fast denoising diffusion implicit model","authors":"Yue Wang, Yong Yang, Mingsheng Liu, Xianghong Tang, Haibin Wang, Zhifeng Hao, Ze Shi, Gang Wang, Botao Jiang, Chunyang Liu","doi":"10.1007/s13042-024-02213-4","DOIUrl":"https://doi.org/10.1007/s13042-024-02213-4","url":null,"abstract":"<p>In the age of intelligent manufacturing, surface defect detection plays a pivotal role in the automated quality control of industrial products, constituting a fundamental aspect of smart factory evolution. Considering the diverse sizes and feature scales of surface defects on industrial products and the difficulty in procuring high-quality training samples, the achievement of real-time and high-quality surface defect detection through artificial intelligence technologies remains a formidable challenge. To address this, we introduce a defect detection approach grounded in the Fast Denoising Probabilistic Implicit Models. Firstly, we propose a noise predictor influenced by the spectral radius feature tensor of images. This enhancement augments the ability of generative model to capture nuanced details in non-defective areas, thus overcoming limitations in model versatility and detail portrayal. Furthermore, we present a loss function constraint based on the Perron-root. This is designed to incorporate the constraint within the representational space, ensuring the denoising model consistently produces high-quality samples. Lastly, comprehensive experiments on both the Magnetic Tile and Market-PCB datasets, benchmarked against nine most representative models, underscore the exemplary detection efficacy of our proposed approach.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"25 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-11","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141587467","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Joint features-guided linear transformer and CNN for efficient image super-resolution 联合特征引导线性变换器和 CNN 实现高效图像超分辨率
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-09 DOI: 10.1007/s13042-024-02277-2
Bufan Wang, Yongjun Zhang, Wei Long, Zhongwei Cui

Integrating convolutional neural networks (CNNs) and transformers has notably improved lightweight single image super-resolution (SISR) tasks. However, existing methods lack the capability to exploit multi-level contextual information, and transformer computations inherently add quadratic complexity. To address these issues, we propose a Joint features-Guided Linear Transformer and CNN Network (JGLTN) for efficient SISR, which is constructed by cascading modules composed of CNN layers and linear transformer layers. Specifically, in the CNN layer, our approach employs an inter-scale feature integration module (IFIM) to extract critical latent information across scales. Then, in the linear transformer layer, we design a joint feature-guided linear attention (JGLA). It jointly considers adjacent and extended regional features, dynamically assigning weights to convolutional kernels for contextual feature selection. This process garners multi-level contextual information, which is used to guide linear attention for effective information interaction. Moreover, we redesign the method of computing feature similarity within the self-attention, reducing its computational complexity to linear. Extensive experiments shows that our proposal outperforms state-of-the-art models while balancing performance and computational costs.

卷积神经网络(CNN)与变换器的结合显著改善了轻量级单图像超分辨率(SISR)任务。然而,现有的方法缺乏利用多层次上下文信息的能力,而且变换器计算本质上增加了二次复杂性。为了解决这些问题,我们提出了一种用于高效 SISR 的联合特征引导线性变换器和 CNN 网络(JGLTN),它由 CNN 层和线性变换器层组成的级联模块构建而成。具体来说,在 CNN 层,我们的方法采用了跨尺度特征整合模块(IFIM)来提取跨尺度的关键潜在信息。然后,在线性变换层中,我们设计了联合特征引导线性注意(JGLA)。它联合考虑相邻和扩展区域特征,动态分配卷积核的权重,以进行上下文特征选择。这一过程收集了多层次的上下文信息,用于引导线性注意,从而实现有效的信息交互。此外,我们还重新设计了在自我注意中计算特征相似性的方法,将其计算复杂度降低到线性水平。广泛的实验表明,我们的建议优于最先进的模型,同时兼顾了性能和计算成本。
{"title":"Joint features-guided linear transformer and CNN for efficient image super-resolution","authors":"Bufan Wang, Yongjun Zhang, Wei Long, Zhongwei Cui","doi":"10.1007/s13042-024-02277-2","DOIUrl":"https://doi.org/10.1007/s13042-024-02277-2","url":null,"abstract":"<p>Integrating convolutional neural networks (CNNs) and transformers has notably improved lightweight single image super-resolution (SISR) tasks. However, existing methods lack the capability to exploit multi-level contextual information, and transformer computations inherently add quadratic complexity. To address these issues, we propose a <b>J</b>oint features-<b>G</b>uided <b>L</b>inear <b>T</b>ransformer and CNN <b>N</b>etwork (JGLTN) for efficient SISR, which is constructed by cascading modules composed of CNN layers and linear transformer layers. Specifically, in the CNN layer, our approach employs an inter-scale feature integration module (IFIM) to extract critical latent information across scales. Then, in the linear transformer layer, we design a joint feature-guided linear attention (JGLA). It jointly considers adjacent and extended regional features, dynamically assigning weights to convolutional kernels for contextual feature selection. This process garners multi-level contextual information, which is used to guide linear attention for effective information interaction. Moreover, we redesign the method of computing feature similarity within the self-attention, reducing its computational complexity to linear. Extensive experiments shows that our proposal outperforms state-of-the-art models while balancing performance and computational costs.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"15 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-09","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141577378","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Inherit or discard: learning better domain-specific child networks from the general domain for multi-domain NMT 继承还是放弃:从一般领域学习更好的特定领域子网络,实现多领域 NMT
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-08 DOI: 10.1007/s13042-024-02253-w
Jinlei Xu, Yonghua Wen, Yan Xiang, Shuting Jiang, Yuxin Huang, Zhengtao Yu

Multi-domain NMT aims to develop a parameter-sharing model for translating general and specific domains, such as biology, legal, etc., which often struggle with the parameter interference problem. Existing approaches typically tackle this issue by learning a domain-specific sub-network for each domain equally, but they ignore the significant data imbalance problem across domains. For instance, the training data for the general domain often outweighs the biological domain tenfold. In this paper, we observe a natural similarity between the general and specific domains, including shared vocabulary or similar sentence structure. We propose a novel parameter inheritance strategy to adaptively learn domain-specific child networks from the general domain. Our approach employs gradient similarity as the criterion for determining which parameters should be inherited or discarded between the general and specific domains. Extensive experiments on several multi-domain NMT corpora demonstrate that our method significantly outperforms several strong baselines. In addition, our method exhibits remarkable generalization performance in adapting to few-shot multi-domain NMT scenarios. Further investigations reveal that our method achieves good interpretability because the parameters learned by the child network from the general domain depend on the interconnectedness between the specific domain and the general domain.

多领域 NMT 旨在开发一种参数共享模型,用于翻译一般领域和特定领域,如生物、法律等领域,这些领域通常都存在参数干扰问题。现有方法通常通过为每个领域平等地学习特定领域的子网络来解决这一问题,但它们忽略了跨领域的严重数据不平衡问题。例如,普通领域的训练数据往往是生物领域的十倍。在本文中,我们观察到通用领域和特定领域之间存在天然的相似性,包括共享词汇或相似的句子结构。我们提出了一种新颖的参数继承策略,以便从一般领域自适应地学习特定领域的子网络。我们的方法采用梯度相似性作为标准,以确定哪些参数应在一般域和特定域之间继承或舍弃。在几个多域 NMT 体系上进行的广泛实验表明,我们的方法明显优于几个强大的基线方法。此外,我们的方法在适应少量多域 NMT 场景方面表现出了卓越的泛化性能。进一步的研究表明,我们的方法具有良好的可解释性,因为子网络从一般领域学习到的参数取决于特定领域和一般领域之间的相互关联性。
{"title":"Inherit or discard: learning better domain-specific child networks from the general domain for multi-domain NMT","authors":"Jinlei Xu, Yonghua Wen, Yan Xiang, Shuting Jiang, Yuxin Huang, Zhengtao Yu","doi":"10.1007/s13042-024-02253-w","DOIUrl":"https://doi.org/10.1007/s13042-024-02253-w","url":null,"abstract":"<p>Multi-domain NMT aims to develop a parameter-sharing model for translating general and specific domains, such as biology, legal, etc., which often struggle with the parameter interference problem. Existing approaches typically tackle this issue by learning a domain-specific sub-network for each domain equally, but they ignore the significant data imbalance problem across domains. For instance, the training data for the general domain often outweighs the biological domain tenfold. In this paper, we observe a natural similarity between the general and specific domains, including shared vocabulary or similar sentence structure. We propose a novel parameter inheritance strategy to adaptively learn domain-specific child networks from the general domain. Our approach employs gradient similarity as the criterion for determining which parameters should be inherited or discarded between the general and specific domains. Extensive experiments on several multi-domain NMT corpora demonstrate that our method significantly outperforms several strong baselines. In addition, our method exhibits remarkable generalization performance in adapting to few-shot multi-domain NMT scenarios. Further investigations reveal that our method achieves good interpretability because the parameters learned by the child network from the general domain depend on the interconnectedness between the specific domain and the general domain.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"1 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-08","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141568634","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Self-representation with adaptive loss minimization via doubly stochastic graph regularization for robust unsupervised feature selection 通过双随机图正则化实现自适应损失最小化的自我呈现,从而实现稳健的无监督特征选择
IF 5.6 3区 计算机科学 Q2 COMPUTER SCIENCE, ARTIFICIAL INTELLIGENCE Pub Date : 2024-07-06 DOI: 10.1007/s13042-024-02275-4
Xiangfa Song

Unsupervised feature selection (UFS), which involves selecting representative features from unlabeled high-dimensional data, has attracted much attention. Numerous self-representation-based models have been recently developed successfully for UFS. However, these models have two main problems. First, existing self-representation-based UFS models cannot effectively handle noise and outliers. Second, many graph-regularized self-representation-based UFS models typically construct a fixed graph to maintain the local structure of data. To overcome the above shortcomings, we propose a novel robust UFS model called self-representation with adaptive loss minimization via doubly stochastic graph regularization (SRALDS). Specifically, SRALDS uses an adaptive loss function to minimize the representation residual term, which may enhance the robustness of the model and diminish the effect of noise and outliers. Besides, rather than utilizing a fixed graph, SRALDS learns a high-quality doubly stochastic graph that more accurately captures the local structure of data. Finally, an efficient optimization algorithm is designed to obtain the optimal solution for SRALDS. Extensive experiments demonstrate the superior performance of SRALDS over several well-known UFS methods.

无监督特征选择(UFS)涉及从未标明的高维数据中选择代表性特征,已引起广泛关注。最近,针对无监督特征选择成功开发了许多基于自代表的模型。然而,这些模型存在两个主要问题。首先,现有的基于自表示的 UFS 模型无法有效处理噪声和异常值。其次,许多基于图规则化自表示的 UFS 模型通常会构建一个固定的图来保持数据的局部结构。为了克服上述缺点,我们提出了一种新颖的鲁棒 UFS 模型,称为通过双随机图正则化实现自适应损失最小化的自表示模型(SRALDS)。具体来说,SRALDS 使用自适应损失函数来最小化表征残差项,这可以增强模型的鲁棒性,减少噪声和异常值的影响。此外,SRALDS 不使用固定的图,而是学习高质量的双随机图,从而更准确地捕捉数据的局部结构。最后,设计了一种高效的优化算法,以获得 SRALDS 的最优解。大量实验证明,SRALDS 的性能优于几种著名的 UFS 方法。
{"title":"Self-representation with adaptive loss minimization via doubly stochastic graph regularization for robust unsupervised feature selection","authors":"Xiangfa Song","doi":"10.1007/s13042-024-02275-4","DOIUrl":"https://doi.org/10.1007/s13042-024-02275-4","url":null,"abstract":"<p>Unsupervised feature selection (UFS), which involves selecting representative features from unlabeled high-dimensional data, has attracted much attention. Numerous self-representation-based models have been recently developed successfully for UFS. However, these models have two main problems. First, existing self-representation-based UFS models cannot effectively handle noise and outliers. Second, many graph-regularized self-representation-based UFS models typically construct a fixed graph to maintain the local structure of data. To overcome the above shortcomings, we propose a novel robust UFS model called self-representation with adaptive loss minimization via doubly stochastic graph regularization (SRALDS). Specifically, SRALDS uses an adaptive loss function to minimize the representation residual term, which may enhance the robustness of the model and diminish the effect of noise and outliers. Besides, rather than utilizing a fixed graph, SRALDS learns a high-quality doubly stochastic graph that more accurately captures the local structure of data. Finally, an efficient optimization algorithm is designed to obtain the optimal solution for SRALDS. Extensive experiments demonstrate the superior performance of SRALDS over several well-known UFS methods.</p>","PeriodicalId":51327,"journal":{"name":"International Journal of Machine Learning and Cybernetics","volume":"6 1","pages":""},"PeriodicalIF":5.6,"publicationDate":"2024-07-06","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"141568636","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
International Journal of Machine Learning and Cybernetics
全部 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