首页 > 最新文献

Journal of Supercomputing最新文献

英文 中文
AEGA: enhanced feature selection based on ANOVA and extended genetic algorithm for online customer review analysis. AEGA:基于ANOVA和扩展遗传算法的增强特征选择,用于在线客户评论分析。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-03-22 DOI: 10.1007/s11227-023-05179-2
Gyananjaya Tripathy, Aakanksha Sharaff

Sentiment analysis involves extricating and interpreting people's views, feelings, beliefs, etc., about diverse actualities such as services, goods, and topics. People intend to investigate the users' opinions on the online platform to achieve better performance. Regardless, the high-dimensional feature set in an online review study affects the interpretation of classification. Several studies have implemented different feature selection techniques; however, getting a high accuracy with a very minimal number of features is yet to be accomplished. This paper develops an effective hybrid approach based on an enhanced genetic algorithm (GA) and analysis of variance (ANOVA) to achieve this purpose. To beat the local minima convergence problem, this paper uses a unique two-phase crossover and impressive selection approach, gaining high exploration and fast convergence of the model. The use of ANOVA drastically reduces the feature size to minimize the computational burden of the model. Experiments are performed to estimate the algorithm performance using different conventional classifiers and algorithms like GA, Particle Swarm Optimization (PSO), Recursive Feature Elimination (RFE), Random Forest, ExtraTree, AdaBoost, GradientBoost, and XGBoost. The proposed novel approach gives impressive results using the Amazon Review dataset with an accuracy of 78.60 %, F1 score of 79.38 %, and an average precision of 0.87, and the Restaurant Customer Review dataset with an accuracy of 77.70 %, F1 score of 78.24 %, and average precision of 0.89 as compared to other existing algorithms. The result shows that the proposed model outperforms other algorithms with nearly 45 and 42% fewer features for the Amazon Review and Restaurant Customer Review datasets.

情感分析包括提取和解释人们对服务、商品和主题等不同现实的看法、感受、信仰等。人们打算调查用户在网络平台上的意见,以获得更好的表现。无论如何,在线综述研究中的高维特征集会影响分类的解释。一些研究已经实现了不同的特征选择技术;然而,用极少量的特征获得高精度还没有实现。为了实现这一目的,本文开发了一种基于增强遗传算法(GA)和方差分析(ANOVA)的有效混合方法。为了克服局部极小收敛问题,本文采用了一种独特的两阶段交叉和令人印象深刻的选择方法,获得了模型的高探索性和快速收敛性。ANOVA的使用大大减少了特征大小,以最小化模型的计算负担。使用不同的传统分类器和算法,如GA、粒子群优化(PSO)、递归特征消除(RFE)、随机森林、ExtraTree、AdaBoost、GradientBoost和XGBoost,进行了算法性能评估实验。与其他现有算法相比,所提出的新方法使用准确率为78.60%、F1得分为79.38%、平均精度为0.87的Amazon Review数据集和准确率为77.70%、F1得分78.24%、平均精度0.89的Restaurant Customer Review数据集得出了令人印象深刻的结果。结果表明,所提出的模型在Amazon Review和Restaurant Customer Review数据集的特征减少了近45%和42%,优于其他算法。
{"title":"AEGA: enhanced feature selection based on ANOVA and extended genetic algorithm for online customer review analysis.","authors":"Gyananjaya Tripathy,&nbsp;Aakanksha Sharaff","doi":"10.1007/s11227-023-05179-2","DOIUrl":"10.1007/s11227-023-05179-2","url":null,"abstract":"<p><p>Sentiment analysis involves extricating and interpreting people's views, feelings, beliefs, etc., about diverse actualities such as services, goods, and topics. People intend to investigate the users' opinions on the online platform to achieve better performance. Regardless, the high-dimensional feature set in an online review study affects the interpretation of classification. Several studies have implemented different feature selection techniques; however, getting a high accuracy with a very minimal number of features is yet to be accomplished. This paper develops an effective hybrid approach based on an enhanced genetic algorithm (GA) and analysis of variance (ANOVA) to achieve this purpose. To beat the local minima convergence problem, this paper uses a unique two-phase crossover and impressive selection approach, gaining high exploration and fast convergence of the model. The use of ANOVA drastically reduces the feature size to minimize the computational burden of the model. Experiments are performed to estimate the algorithm performance using different conventional classifiers and algorithms like GA, Particle Swarm Optimization (PSO), Recursive Feature Elimination (RFE), Random Forest, ExtraTree, AdaBoost, GradientBoost, and XGBoost. The proposed novel approach gives impressive results using the Amazon Review dataset with an accuracy of 78.60 %, F1 score of 79.38 %, and an average precision of 0.87, and the Restaurant Customer Review dataset with an accuracy of 77.70 %, F1 score of 78.24 %, and average precision of 0.89 as compared to other existing algorithms. The result shows that the proposed model outperforms other algorithms with nearly 45 and 42% fewer features for the Amazon Review and Restaurant Customer Review datasets.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":" ","pages":"1-30"},"PeriodicalIF":3.3,"publicationDate":"2023-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC10031171/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"9713881","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Textual emotion detection utilizing a transfer learning approach. 利用迁移学习方法的文本情绪检测。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-03-22 DOI: 10.1007/s11227-023-05168-5
Mahsa Hadikhah Mozhdehi, AmirMasoud Eftekhari Moghadam

Many attempts have been made to overcome the challenges of automating textual emotion detection using different traditional deep learning models such as LSTM, GRU, and BiLSTM. But the problem with these models is that they need large datasets, massive computing resources, and a lot of time to train. Also, they are prone to forgetting and cannot perform well when applied to small datasets. In this paper, we aim to demonstrate the capability of transfer learning techniques to capture the better contextual meaning of the text and as a result better detection of the emotion represented in the text, even without a large amount of data and training time. To do this, we conduct an experiment utilizing a pre-trained model called EmotionalBERT, which is based on bidirectional encoder representations from transformers (BERT), and we compare its performance to RNN-based models on two benchmark datasets, with a focus on the amount of training data and how it affects the models' performance.

已经进行了许多尝试来克服使用不同的传统深度学习模型(如LSTM、GRU和BiLSTM)自动进行文本情绪检测的挑战。但这些模型的问题是,它们需要大量的数据集、大量的计算资源和大量的训练时间。此外,当应用于小型数据集时,它们很容易忘记并且不能很好地执行。在本文中,我们的目的是证明迁移学习技术的能力,即使没有大量的数据和训练时间,也能更好地捕捉文本的上下文意义,从而更好地检测文本中表达的情绪。为了做到这一点,我们利用一个名为EmotionalBERT的预训练模型进行了一项实验,该模型基于来自转换器的双向编码器表示(BERT),我们在两个基准数据集上将其性能与基于RNN的模型进行了比较,重点是训练数据量及其如何影响模型的性能。
{"title":"Textual emotion detection utilizing a transfer learning approach.","authors":"Mahsa Hadikhah Mozhdehi,&nbsp;AmirMasoud Eftekhari Moghadam","doi":"10.1007/s11227-023-05168-5","DOIUrl":"10.1007/s11227-023-05168-5","url":null,"abstract":"<p><p>Many attempts have been made to overcome the challenges of automating textual emotion detection using different traditional deep learning models such as LSTM, GRU, and BiLSTM. But the problem with these models is that they need large datasets, massive computing resources, and a lot of time to train. Also, they are prone to forgetting and cannot perform well when applied to small datasets. In this paper, we aim to demonstrate the capability of transfer learning techniques to capture the better contextual meaning of the text and as a result better detection of the emotion represented in the text, even without a large amount of data and training time. To do this, we conduct an experiment utilizing a pre-trained model called EmotionalBERT, which is based on bidirectional encoder representations from transformers (BERT), and we compare its performance to RNN-based models on two benchmark datasets, with a focus on the amount of training data and how it affects the models' performance.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":" ","pages":"1-15"},"PeriodicalIF":3.3,"publicationDate":"2023-03-22","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC10032627/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"9713882","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Model-based and model-free deep features fusion for high performed human gait recognition. 用于高性能人类步态识别的基于模型和无模型的深度特征融合。
IF 2.5 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-03-19 DOI: 10.1007/s11227-023-05156-9
Reem N Yousef, Abeer T Khalil, Ahmed S Samra, Mohamed Maher Ata

In the last decade, the need for a non-contact biometric model for recognizing candidates has increased, especially after the pandemic of COVID-19 appeared and spread worldwide. This paper presents a novel deep convolutional neural network (CNN) model that guarantees quick, safe, and precise human authentication via their poses and walking style. The concatenated fusion between the proposed CNN and a fully connected model has been formulated, utilized, and tested. The proposed CNN extracts the human features from two main sources: (1) human silhouette images according to model-free and (2) human joints, limbs, and static joint distances according to a model-based via a novel, fully connected deep-layer structure. The most commonly used dataset, CASIA gait families, has been utilized and tested. Numerous performance metrics have been evaluated to measure the system quality, including accuracy, specificity, sensitivity, false negative rate, and training time. Experimental results reveal that the proposed model can enhance recognition performance in a superior manner compared with the latest state-of-the-art studies. Moreover, the suggested system introduces a robust real-time authentication with any covariate conditions, scoring 99.8% and 99.6% accuracy in identifying casia (B) and casia (A) datasets, respectively.

在过去十年中,对识别候选人的非接触式生物识别模型的需求增加了,尤其是在新冠肺炎大流行出现并在全球蔓延之后。本文提出了一种新的深度卷积神经网络(CNN)模型,该模型通过姿势和行走方式确保快速、安全和精确的人体认证。所提出的CNN和全连接模型之间的级联融合已经被公式化、利用和测试。所提出的CNN从两个主要来源提取人体特征:(1)根据无模型的人体轮廓图像;(2)根据基于模型的人体关节、四肢和静态关节距离,通过一种新颖的、完全连接的深层结构。最常用的数据集,CASIA步态家族,已经被使用和测试。已经评估了许多性能指标来衡量系统质量,包括准确性、特异性、敏感性、假阴性率和训练时间。实验结果表明,与最新的最先进研究相比,所提出的模型可以以优越的方式提高识别性能。此外,所提出的系统引入了具有任何协变条件的鲁棒实时认证,在识别casia(B)和casia(a)数据集方面的准确率分别为99.8%和99.6%。
{"title":"Model-based and model-free deep features fusion for high performed human gait recognition.","authors":"Reem N Yousef, Abeer T Khalil, Ahmed S Samra, Mohamed Maher Ata","doi":"10.1007/s11227-023-05156-9","DOIUrl":"10.1007/s11227-023-05156-9","url":null,"abstract":"<p><p>In the last decade, the need for a non-contact biometric model for recognizing candidates has increased, especially after the pandemic of COVID-19 appeared and spread worldwide. This paper presents a novel deep convolutional neural network (CNN) model that guarantees quick, safe, and precise human authentication via their poses and walking style. The concatenated fusion between the proposed CNN and a fully connected model has been formulated, utilized, and tested. The proposed CNN extracts the human features from two main sources: (1) human silhouette images according to model-free and (2) human joints, limbs, and static joint distances according to a model-based via a novel, fully connected deep-layer structure. The most commonly used dataset, CASIA gait families, has been utilized and tested. Numerous performance metrics have been evaluated to measure the system quality, including accuracy, specificity, sensitivity, false negative rate, and training time. Experimental results reveal that the proposed model can enhance recognition performance in a superior manner compared with the latest state-of-the-art studies. Moreover, the suggested system introduces a robust real-time authentication with any covariate conditions, scoring 99.8% and 99.6% accuracy in identifying casia (B) and casia (A) datasets, respectively.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":" ","pages":"1-38"},"PeriodicalIF":2.5,"publicationDate":"2023-03-19","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC10024915/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"9713871","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Opinion texts summarization based on texts concepts with multi-objective pruning approach. 基于文本概念的多目标剪枝方法的意见文本摘要。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 DOI: 10.1007/s11227-022-04842-4
Sajjad Jahanbakhsh Gudakahriz, Amir Masoud Eftekhari Moghadam, Fariborz Mahmoudi

Considering the huge volume of opinion texts published on various social networks, it is extremely difficult to peruse and use these texts. The automatic creation of summaries can be a significant help for the users of such texts. The current paper employs manifold learning to mitigate the challenges of the complexity and high dimensionality of opinion texts and the K-Means algorithm for clustering. Furthermore, summarization based on the concepts of the texts can improve the performance of the summarization system. The proposed method is unsupervised extractive, and summarization is performed based on the concepts of the texts using the multi-objective pruning approach. The main parameters utilized to perform multi-objective pruning include relevancy, redundancy, and coverage. The simulation results show that the proposed method outperformed the MOOTweetSumm method while providing an improvement of 11% in terms of the ROGUE-1 measure and an improvement of 9% in terms of the ROGUE-L measure.

考虑到各种社交网络上发表的大量意见文本,阅读和使用这些文本是极其困难的。摘要的自动创建可以为这些文本的用户提供重要的帮助。本文采用流形学习来缓解意见文本的复杂性和高维性的挑战,并采用K-Means算法进行聚类。此外,基于文本概念的摘要可以提高摘要系统的性能。提出的方法是无监督抽取,并利用多目标剪枝方法根据文本的概念进行摘要。用于执行多目标剪枝的主要参数包括相关性、冗余和覆盖率。仿真结果表明,该方法优于MOOTweetSumm方法,在ROGUE-1度量方面提高了11%,在ROGUE-L度量方面提高了9%。
{"title":"Opinion texts summarization based on texts concepts with multi-objective pruning approach.","authors":"Sajjad Jahanbakhsh Gudakahriz,&nbsp;Amir Masoud Eftekhari Moghadam,&nbsp;Fariborz Mahmoudi","doi":"10.1007/s11227-022-04842-4","DOIUrl":"https://doi.org/10.1007/s11227-022-04842-4","url":null,"abstract":"<p><p>Considering the huge volume of opinion texts published on various social networks, it is extremely difficult to peruse and use these texts. The automatic creation of summaries can be a significant help for the users of such texts. The current paper employs manifold learning to mitigate the challenges of the complexity and high dimensionality of opinion texts and the K-Means algorithm for clustering. Furthermore, summarization based on the concepts of the texts can improve the performance of the summarization system. The proposed method is unsupervised extractive, and summarization is performed based on the concepts of the texts using the multi-objective pruning approach. The main parameters utilized to perform multi-objective pruning include relevancy, redundancy, and coverage. The simulation results show that the proposed method outperformed the MOOTweetSumm method while providing an improvement of 11% in terms of the ROGUE-1 measure and an improvement of 9% in terms of the ROGUE-L measure.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 5","pages":"5013-5036"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9540092/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"10759982","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Ladybug Beetle Optimization algorithm: application for real-world problems. 瓢虫甲虫优化算法:在现实问题中的应用。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 DOI: 10.1007/s11227-022-04755-2
Saadat Safiri, Amirhossein Nikoofard

In this paper, a novel optimization algorithm is proposed, called the Ladybug Beetle Optimization (LBO) algorithm, which is inspired by the behavior of ladybugs in nature when they search for a warm place in winter. The new proposed algorithm consists of three main parts: (1) determine the heat value in the position of each ladybug, (2) update the position of ladybugs, and (3) ignore the annihilated ladybug(s). The main innovations of LBO are related to both updating the position of the population, which is done in two separate ways, and ignoring the worst members, which leads to an increase in the search speed. Also, LBO algorithm is performed to optimize 78 well-known benchmark functions. The proposed algorithm has reached the optimal values of 73.3% of the benchmark functions and is the only algorithm that achieved the best solution of 20.5% of them. These results prove that LBO is substantially the best algorithm among other well-known optimization methods. In addition, two fundamentally different real-world optimization problems include the Economic-Environmental Dispatch Problem (EEDP) as an engineering problem and the Covid-19 pandemic modeling problem as an estimation and forecasting problem. The EEDP results illustrate that the proposed algorithm has obtained the best values in either the cost of production or the emission or even both, and the use of LBO for Covid-19 pandemic modeling problem leads to the least error compared to others.

本文从自然界中瓢虫在冬季寻找温暖地方的行为入手,提出了一种新的优化算法——瓢虫甲虫优化算法(Ladybug Beetle optimization, LBO)。该算法主要包括三个部分:(1)确定每只瓢虫所在位置的热值;(2)更新瓢虫的位置;(3)忽略被消灭的瓢虫。LBO的主要创新之处在于通过两种不同的方式更新种群的位置,忽略最差的成员,从而提高了搜索速度。并对78个著名的基准函数进行了LBO算法优化。该算法达到了73.3%的基准函数的最优值,是唯一达到20.5%基准函数最优解的算法。这些结果证明,在其他已知的优化方法中,LBO实质上是最好的算法。此外,两个根本不同的现实世界优化问题包括经济环境调度问题(EEDP)作为一个工程问题和Covid-19大流行建模问题作为一个估计和预测问题。EEDP结果表明,本文提出的算法在生产成本或排放成本上均获得了最佳值,并且与其他方法相比,LBO方法在Covid-19大流行建模问题中的误差最小。
{"title":"Ladybug Beetle Optimization algorithm: application for real-world problems.","authors":"Saadat Safiri,&nbsp;Amirhossein Nikoofard","doi":"10.1007/s11227-022-04755-2","DOIUrl":"https://doi.org/10.1007/s11227-022-04755-2","url":null,"abstract":"<p><p>In this paper, a novel optimization algorithm is proposed, called the Ladybug Beetle Optimization (LBO) algorithm, which is inspired by the behavior of ladybugs in nature when they search for a warm place in winter. The new proposed algorithm consists of three main parts: (1) determine the heat value in the position of each ladybug, (2) update the position of ladybugs, and (3) ignore the annihilated ladybug(s). The main innovations of LBO are related to both updating the position of the population, which is done in two separate ways, and ignoring the worst members, which leads to an increase in the search speed. Also, LBO algorithm is performed to optimize 78 well-known benchmark functions. The proposed algorithm has reached the optimal values of 73.3% of the benchmark functions and is the only algorithm that achieved the best solution of 20.5% of them. These results prove that LBO is substantially the best algorithm among other well-known optimization methods. In addition, two fundamentally different real-world optimization problems include the Economic-Environmental Dispatch Problem (EEDP) as an engineering problem and the Covid-19 pandemic modeling problem as an estimation and forecasting problem. The EEDP results illustrate that the proposed algorithm has obtained the best values in either the cost of production or the emission or even both, and the use of LBO for Covid-19 pandemic modeling problem leads to the least error compared to others.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 3","pages":"3511-3560"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9446635/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"10277972","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
A new improved maximal relevance and minimal redundancy method based on feature subset. 一种改进的基于特征子集的最大相关最小冗余方法。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 DOI: 10.1007/s11227-022-04763-2
Shanshan Xie, Yan Zhang, Danjv Lv, Xu Chen, Jing Lu, Jiang Liu

Feature selection plays a very significant role for the success of pattern recognition and data mining. Based on the maximal relevance and minimal redundancy (mRMR) method, combined with feature subset, this paper proposes an improved maximal relevance and minimal redundancy (ImRMR) feature selection method based on feature subset. In ImRMR, the Pearson correlation coefficient and mutual information are first used to measure the relevance of a single feature to the sample category, and a factor is introduced to adjust the weights of the two measurement criteria. And an equal grouping method is exploited to generate candidate feature subsets according to the ranking features. Then, the relevance and redundancy of candidate feature subsets are calculated and the ordered sequence of these feature subsets is gained by incremental search method. Finally, the final optimal feature subset is obtained from these feature subsets by combining the sequence forward search method and the classification learning algorithm. Experiments are conducted on seven datasets. The results show that ImRMR can effectively remove irrelevant and redundant features, which can not only reduce the dimension of sample features and time of model training and prediction, but also improve the classification performance.

特征选择对模式识别和数据挖掘的成功与否起着至关重要的作用。在最大相关最小冗余(mRMR)方法的基础上,结合特征子集,提出了一种改进的基于特征子集的最大相关最小冗余(ImRMR)特征选择方法。在ImRMR中,首先使用Pearson相关系数和互信息来度量单个特征与样本类别的相关性,并引入一个因子来调整两个度量标准的权重。利用等量分组方法,根据排序特征生成候选特征子集。然后,计算候选特征子集的相关性和冗余度,并通过增量搜索法获得候选特征子集的有序序列;最后,结合序列前向搜索方法和分类学习算法,从这些特征子集中得到最终的最优特征子集。实验在7个数据集上进行。结果表明,ImRMR可以有效地去除不相关和冗余的特征,不仅可以降低样本特征的维数,减少模型训练和预测的时间,还可以提高分类性能。
{"title":"A new improved maximal relevance and minimal redundancy method based on feature subset.","authors":"Shanshan Xie,&nbsp;Yan Zhang,&nbsp;Danjv Lv,&nbsp;Xu Chen,&nbsp;Jing Lu,&nbsp;Jiang Liu","doi":"10.1007/s11227-022-04763-2","DOIUrl":"https://doi.org/10.1007/s11227-022-04763-2","url":null,"abstract":"<p><p>Feature selection plays a very significant role for the success of pattern recognition and data mining. Based on the maximal relevance and minimal redundancy (mRMR) method, combined with feature subset, this paper proposes an improved maximal relevance and minimal redundancy (ImRMR) feature selection method based on feature subset. In ImRMR, the Pearson correlation coefficient and mutual information are first used to measure the relevance of a single feature to the sample category, and a factor is introduced to adjust the weights of the two measurement criteria. And an equal grouping method is exploited to generate candidate feature subsets according to the ranking features. Then, the relevance and redundancy of candidate feature subsets are calculated and the ordered sequence of these feature subsets is gained by incremental search method. Finally, the final optimal feature subset is obtained from these feature subsets by combining the sequence forward search method and the classification learning algorithm. Experiments are conducted on seven datasets. The results show that ImRMR can effectively remove irrelevant and redundant features, which can not only reduce the dimension of sample features and time of model training and prediction, but also improve the classification performance.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 3","pages":"3157-3180"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9424812/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"10583422","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 4
Low-latency and High-Reliability FBMC Modulation scheme using Optimized Filter design for enabling NextG Real-time Smart Healthcare Applications. 使用优化滤波器设计的低延迟和高可靠性FBMC调制方案,可实现NextG实时智能医疗保健应用。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 DOI: 10.1007/s11227-022-04799-4
Abhinav Adarsh, Shashwat Pathak, Digvijay Singh Chauhan, Basant Kumar

This paper presents a prototype filter design using the orthant optimization technique to assist a filter bank multicarrier (FBMC) modulation scheme of a NextG smart e-healthcare network framework. Low latency and very high reliability are one of the main requirements of a real-time e-healthcare system. In recent times, FBMC modulation has gotten more attention due to its spectral efficiency. The characteristics of a filter bank are determined by t's, prototype filter. A prototype filter cannot be designed to achieve an arbitrary time localization (for low latency) and frequency localization (spectral efficiency), as time and frequency spreading are conflicting goals. Hence, an optimum design needed to be achieved. In this paper, a constraint for perfect or nearly perfect reconstruction is formulated for prototype filter design and an orthant-based enriched sparse ℓ1-optimization method is applied to achieve the optimum performance in terms of higher availability of subcarrier spacing for the given requirement of signal-to-interference ratio. Larger subcarrier spacing ensures lower latency and better performance in real-time applications. The proposed FBMC system, based on an optimum design of the prototype filter, also supports a higher data rate as compared to traditional FBMC and OFDM systems, which is another requirement of real-time communication. In this paper, the solution for the different technical issues of physical layer design is provided. The presented modulation scheme through the proposed prototype filter-based FBMC can suppress the side lobe energy of the constituted filters up to large extent without compromising the recovery of the signal at the receiver end. The proposed system provides very high spectral efficiency; it can sacrifice large guard band frequencies to increase the subcarrier spacing to provide low-latency communication to support the real-time e-healthcare network.

本文提出了一种原型滤波器设计,利用正交优化技术辅助NextG智能电子医疗网络框架中的滤波器组多载波(FBMC)调制方案。低延迟和高可靠性是实时电子医疗保健系统的主要要求之一。近年来,FBMC调制由于其频谱效率受到越来越多的关注。滤波器组的特性由原型滤波器t决定。原型滤波器不能设计为实现任意时间定位(低延迟)和频率定位(频谱效率),因为时间和频率扩展是相互冲突的目标。因此,需要实现最佳设计。本文为原型滤波器设计制定了完美或接近完美重构的约束条件,并在给定的信干扰比要求下,采用基于正交的丰富稀疏1优化方法,以获得更高的子载波间距可用性。在实时应用中,更大的子载波间距可确保更低的延迟和更好的性能。本文提出的FBMC系统在对原型滤波器进行优化设计的基础上,与传统的FBMC和OFDM系统相比,支持更高的数据速率,这是实时通信的另一个要求。针对物理层设计中的各种技术问题,提出了相应的解决方案。所提出的基于原型滤波器的FBMC调制方案可以在不影响接收端的信号恢复的情况下,在很大程度上抑制所构建滤波器的旁瓣能量。该系统具有很高的频谱效率;它可以牺牲较大的保护频带频率来增加子载波间距,从而提供低延迟通信,以支持实时电子医疗网络。
{"title":"Low-latency and High-Reliability FBMC Modulation scheme using Optimized Filter design for enabling NextG Real-time Smart Healthcare Applications.","authors":"Abhinav Adarsh,&nbsp;Shashwat Pathak,&nbsp;Digvijay Singh Chauhan,&nbsp;Basant Kumar","doi":"10.1007/s11227-022-04799-4","DOIUrl":"https://doi.org/10.1007/s11227-022-04799-4","url":null,"abstract":"<p><p>This paper presents a prototype filter design using the orthant optimization technique to assist a filter bank multicarrier (FBMC) modulation scheme of a NextG smart e-healthcare network framework. Low latency and very high reliability are one of the main requirements of a real-time e-healthcare system. In recent times, FBMC modulation has gotten more attention due to its spectral efficiency. The characteristics of a filter bank are determined by t's, prototype filter. A prototype filter cannot be designed to achieve an arbitrary time localization (for low latency) and frequency localization (spectral efficiency), as time and frequency spreading are conflicting goals. Hence, an optimum design needed to be achieved. In this paper, a constraint for perfect or nearly perfect reconstruction is formulated for prototype filter design and an orthant-based enriched sparse ℓ1-optimization method is applied to achieve the optimum performance in terms of higher availability of subcarrier spacing for the given requirement of signal-to-interference ratio. Larger subcarrier spacing ensures lower latency and better performance in real-time applications. The proposed FBMC system, based on an optimum design of the prototype filter, also supports a higher data rate as compared to traditional FBMC and OFDM systems, which is another requirement of real-time communication. In this paper, the solution for the different technical issues of physical layer design is provided. The presented modulation scheme through the proposed prototype filter-based FBMC can suppress the side lobe energy of the constituted filters up to large extent without compromising the recovery of the signal at the receiver end. The proposed system provides very high spectral efficiency; it can sacrifice large guard band frequencies to increase the subcarrier spacing to provide low-latency communication to support the real-time e-healthcare network.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 4","pages":"3643-3665"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9449934/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"10629739","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Evaluation of e-learners' concentration using recurrent neural networks. 利用递归神经网络评价网络学习者的注意力。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 DOI: 10.1007/s11227-022-04804-w
Young-Sang Jeong, Nam-Wook Cho

Recently, interest in e-learning has increased rapidly owing to the lockdowns imposed by COVID-19. A major disadvantage of e-learning is the difficulty in maintaining concentration because of the limited interaction between teachers and students. The objective of this paper is to develop a methodology to predict e-learners' concentration by applying recurrent neural network models to eye gaze and facial landmark data extracted from e-learners' video data. One hundred eighty-four video data of ninety-two e-learners were obtained, and their frame data were extracted using the OpenFace 2.0 toolkit. Recurrent neural networks, long short-term memory, and gated recurrent units were utilized to predict the concentration of e-learners. A set of comparative experiments was conducted. As a result, gated recurrent units exhibited the best performance. The main contribution of this paper is to present a methodology to predict e-learners' concentration in a natural e-learning environment.

最近,由于COVID-19实施的封锁,人们对电子学习的兴趣迅速增加。电子学习的一个主要缺点是由于教师和学生之间的互动有限,难以保持注意力集中。本文的目的是通过将递归神经网络模型应用于从电子学习者的视频数据中提取的眼睛注视和面部地标数据,开发一种预测电子学习者注意力的方法。获取92名网络学习者的184个视频数据,使用OpenFace 2.0工具箱提取其帧数据。利用递归神经网络、长短期记忆和门控递归单元来预测电子学习者的集中程度。进行了一组对比实验。结果表明,门控循环单元表现出最好的性能。本文的主要贡献是提出了一种在自然的电子学习环境中预测电子学习者注意力的方法。
{"title":"Evaluation of e-learners' concentration using recurrent neural networks.","authors":"Young-Sang Jeong,&nbsp;Nam-Wook Cho","doi":"10.1007/s11227-022-04804-w","DOIUrl":"https://doi.org/10.1007/s11227-022-04804-w","url":null,"abstract":"<p><p>Recently, interest in e-learning has increased rapidly owing to the lockdowns imposed by COVID-19. A major disadvantage of e-learning is the difficulty in maintaining concentration because of the limited interaction between teachers and students. The objective of this paper is to develop a methodology to predict e-learners' concentration by applying recurrent neural network models to eye gaze and facial landmark data extracted from e-learners' video data. One hundred eighty-four video data of ninety-two e-learners were obtained, and their frame data were extracted using the OpenFace 2.0 toolkit. Recurrent neural networks, long short-term memory, and gated recurrent units were utilized to predict the concentration of e-learners. A set of comparative experiments was conducted. As a result, gated recurrent units exhibited the best performance. The main contribution of this paper is to present a methodology to predict e-learners' concentration in a natural e-learning environment.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 4","pages":"4146-4163"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9493172/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"10630202","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
Integration of improved YOLOv5 for face mask detector and auto-labeling to generate dataset for fighting against COVID-19. 将改进的 YOLOv5 集成到人脸面具检测器和自动标记中,生成用于对抗 COVID-19 的数据集。
IF 2.5 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 Epub Date: 2023-01-03 DOI: 10.1007/s11227-022-04979-2
Thi-Ngot Pham, Viet-Hoan Nguyen, Jun-Ho Huh

One of the most effective deterrent methods is using face masks to prevent the spread of the virus during the COVID-19 pandemic. Deep learning face mask detection networks have been implemented into COVID-19 monitoring systems to provide effective supervision for public areas. However, previous works have limitations: the challenge of real-time performance (i.e., fast inference and low accuracy) and training datasets. The current study aims to propose a comprehensive solution by creating a new face mask dataset and improving the YOLOv5 baseline to balance accuracy and detection time. Particularly, we improve YOLOv5 by adding coordinate attention (CA) module into the baseline backbone following two different schemes, namely YOLOv5s-CA and YOLOV5s-C3CA. In detail, we train three models with a Kaggle dataset of 853 images consisting of three categories: without a mask "NM," with mask "M," and incorrectly worn mask "IWM" classes. The experimental results show that our modified YOLOv5 with CA module achieves the highest accuracy mAP@0.5 of 93.9% compared with 87% of baseline and detection time per image of 8.0 ms (125 FPS). In addition, we build an integrated system of improved YOLOv5-CA and auto-labeling module to create a new face mask dataset of 7110 images with more than 3500 labels for three categories from YouTube videos. Our proposed YOLOv5-CA and the state-of-the-art detection models (i.e., YOLOX, YOLOv6, and YOLOv7) are trained on our 7110 images dataset. In our dataset, the YOLOv5-CA performance enhances with mAP@0.5 of 96.8%. The results indicate the enhancement of the improved YOLOv5-CA model compared with several state-of-the-art works.

最有效的威慑方法之一是在 COVID-19 大流行期间使用口罩防止病毒传播。深度学习面罩检测网络已被应用到 COVID-19 监控系统中,为公共区域提供有效监管。然而,以往的工作存在局限性:实时性(即推理速度快、准确率低)和训练数据集的挑战。本研究旨在通过创建一个新的人脸面具数据集和改进 YOLOv5 基线来平衡准确性和检测时间,从而提出一个全面的解决方案。特别是,我们通过在基线骨干中添加协调注意(CA)模块来改进 YOLOv5,采用了两种不同的方案,即 YOLOv5s-CA 和 YOLOV5s-C3CA。具体来说,我们使用 Kaggle 数据集对三个模型进行了训练,该数据集包含 853 张图片,分为三类:无遮挡 "NM "类、有遮挡 "M "类和未正确佩戴遮挡 "IWM "类。实验结果表明,带有 CA 模块的改良版 YOLOv5 的准确率最高 mAP@0.5,达到 93.9%,而基线的准确率为 87%,每张图像的检测时间为 8.0 毫秒(125 FPS)。此外,我们还建立了一个由改进型 YOLOv5-CA 和自动标记模块组成的集成系统,以创建一个新的人脸面具数据集,该数据集包含来自 YouTube 视频的三个类别的 7110 张图像和 3500 多个标签。我们提出的 YOLOv5-CA 和最先进的检测模型(即 YOLOX、YOLOv6 和 YOLOv7)在我们的 7110 张图像数据集上进行了训练。在我们的数据集中,YOLOv5-CA 的性能得到了提高,mAP@0.5,达到 96.8%。这些结果表明,改进后的 YOLOv5-CA 模型与几种最先进的模型相比有了很大的提高。
{"title":"Integration of improved YOLOv5 for face mask detector and auto-labeling to generate dataset for fighting against COVID-19.","authors":"Thi-Ngot Pham, Viet-Hoan Nguyen, Jun-Ho Huh","doi":"10.1007/s11227-022-04979-2","DOIUrl":"10.1007/s11227-022-04979-2","url":null,"abstract":"<p><p>One of the most effective deterrent methods is using face masks to prevent the spread of the virus during the COVID-19 pandemic. Deep learning face mask detection networks have been implemented into COVID-19 monitoring systems to provide effective supervision for public areas. However, previous works have limitations: the challenge of real-time performance (i.e., fast inference and low accuracy) and training datasets. The current study aims to propose a comprehensive solution by creating a new face mask dataset and improving the YOLOv5 baseline to balance accuracy and detection time. Particularly, we improve YOLOv5 by adding coordinate attention (CA) module into the baseline backbone following two different schemes, namely YOLOv5s-CA and YOLOV5s-C3CA. In detail, we train three models with a Kaggle dataset of 853 images consisting of three categories: without a mask \"NM,\" with mask \"M,\" and incorrectly worn mask \"IWM\" classes. The experimental results show that our modified YOLOv5 with CA module achieves the highest accuracy mAP@0.5 of 93.9% compared with 87% of baseline and detection time per image of 8.0 ms (125 FPS). In addition, we build an integrated system of improved YOLOv5-CA and auto-labeling module to create a new face mask dataset of 7110 images with more than 3500 labels for three categories from YouTube videos. Our proposed YOLOv5-CA and the state-of-the-art detection models (i.e., YOLOX, YOLOv6, and YOLOv7) are trained on our 7110 images dataset. In our dataset, the YOLOv5-CA performance enhances with mAP@0.5 of 96.8%. The results indicate the enhancement of the improved YOLOv5-CA model compared with several state-of-the-art works.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 8","pages":"8966-8992"},"PeriodicalIF":2.5,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9809528/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"9280086","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Robust adversarial uncertainty quantification for deep learning fine-tuning. 用于深度学习微调的鲁棒对抗性不确定性量化。
IF 3.3 3区 计算机科学 Q2 COMPUTER SCIENCE, HARDWARE & ARCHITECTURE Pub Date : 2023-01-01 Epub Date: 2023-02-25 DOI: 10.1007/s11227-023-05087-5
Usman Ahmed, Jerry Chun-Wei Lin

This paper proposes a deep learning model that is robust and capable of handling highly uncertain inputs. The model is divided into three phases: creating a dataset, creating a neural network based on the dataset, and retraining the neural network to handle unpredictable inputs. The model utilizes entropy values and a non-dominant sorting algorithm to identify the candidate with the highest entropy value from the dataset. This is followed by merging the training set with adversarial samples, where a mini-batch of the merged dataset is used to update the dense network parameters. This method can improve the performance of machine learning models, categorization of radiographic images, risk of misdiagnosis in medical imaging, and accuracy of medical diagnoses. To evaluate the efficacy of the proposed model, two datasets, MNIST and COVID, were used with pixel values and without transfer learning. The results showed an increase of accuracy from 0.85 to 0.88 for MNIST and from 0.83 to 0.85 for COVID, which suggests that the model successfully classified images from both datasets without using transfer learning techniques.

本文提出了一种深度学习模型,该模型具有鲁棒性,能够处理高度不确定的输入。该模型分为三个阶段:创建数据集,基于数据集创建神经网络,以及重新训练神经网络以处理不可预测的输入。该模型利用熵值和非显性排序算法从数据集中识别出具有最高熵值的候选者。然后将训练集与对抗性样本合并,其中使用合并数据集的小批量来更新密集网络参数。这种方法可以提高机器学习模型的性能、射线图像的分类、医学成像中的误诊风险以及医学诊断的准确性。为了评估所提出的模型的有效性,使用了两个数据集,MNIST和COVID,它们具有像素值,没有迁移学习。结果显示,MNIST的准确率从0.85提高到0.88,COVID的准确度从0.83提高到0.85,这表明该模型在不使用迁移学习技术的情况下成功地对两个数据集的图像进行了分类。
{"title":"Robust adversarial uncertainty quantification for deep learning fine-tuning.","authors":"Usman Ahmed,&nbsp;Jerry Chun-Wei Lin","doi":"10.1007/s11227-023-05087-5","DOIUrl":"10.1007/s11227-023-05087-5","url":null,"abstract":"<p><p>This paper proposes a deep learning model that is robust and capable of handling highly uncertain inputs. The model is divided into three phases: creating a dataset, creating a neural network based on the dataset, and retraining the neural network to handle unpredictable inputs. The model utilizes entropy values and a non-dominant sorting algorithm to identify the candidate with the highest entropy value from the dataset. This is followed by merging the training set with adversarial samples, where a mini-batch of the merged dataset is used to update the dense network parameters. This method can improve the performance of machine learning models, categorization of radiographic images, risk of misdiagnosis in medical imaging, and accuracy of medical diagnoses. To evaluate the efficacy of the proposed model, two datasets, MNIST and COVID, were used with pixel values and without transfer learning. The results showed an increase of accuracy from 0.85 to 0.88 for MNIST and from 0.83 to 0.85 for COVID, which suggests that the model successfully classified images from both datasets without using transfer learning techniques.</p>","PeriodicalId":50034,"journal":{"name":"Journal of Supercomputing","volume":"79 10","pages":"11355-11386"},"PeriodicalIF":3.3,"publicationDate":"2023-01-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.ncbi.nlm.nih.gov/pmc/articles/PMC9957691/pdf/","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"9497406","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":3,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
期刊
Journal of Supercomputing
全部 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