首页 > 最新文献

IEICE Transactions on Information and Systems最新文献

英文 中文
A Multi-FPGA Implementation of FM-Index Based Genomic Pattern Search 基于fm索引的基因组模式搜索的多fpga实现
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2022edp7230
Ullah IMDAD, Akram BEN AHMED, Kazuei HIRONAKA, Kensuke IIZUKA, Hideharu AMANO
FPGA clusters that consist of multiple FPGA boards have been gaining interest in recent times. Massively parallel processing with a stand-alone heterogeneous FPGA cluster with SoC- style FPGAs and mid-scale FPGAs is promising with cost-performance benefit. Here, we propose such a heterogeneous FPGA cluster with FiC and M-KUBOS cluster. FiC consists of multiple boards, mounting middle scale Xilinx's FPGAs and DRAMs, which are tightly coupled with high-speed serial links. In addition, M-KUBOS boards are connected to FiC for ensuring high IO data transfer bandwidth. As an example of massively parallel processing, here we implement genomic pattern search. Next-generation sequencing (NGS) technology has revolutionized biological system related research by its high-speed, scalable and massive throughput. To analyze the genomic data, short read mapping technique is used where short Deoxyribonucleic acid (DNA) sequences are mapped relative to a known reference sequence. Although several pattern matching techniques are available, FM-index based pattern search is perfectly suitable for this task due to the fastest mapping from known indices. Since matching can be done in parallel for different data, the massively parallel computing which distributes data, executes in parallel and gathers the results can be applied. We also implement a data compression method where about 10 times reduction in data size is achieved. We found that a M-KUBOS board matches four FiC boards, and a system with six M-KUBOS boards and 24 FiC boards achieved 30 times faster than the software based implementation.
由多个FPGA板组成的FPGA集群近年来越来越受到关注。大规模并行处理与独立的异构FPGA集群与SoC风格的FPGA和中等规模的FPGA是有希望的成本效益效益。在这里,我们提出了一个基于FiC和M-KUBOS集群的异构FPGA集群。FiC由多个电路板组成,安装中等规模的赛灵思fpga和dram,它们与高速串行链路紧密耦合。此外,M-KUBOS板连接FiC,确保高IO数据传输带宽。作为大规模并行处理的一个例子,这里我们实现基因组模式搜索。新一代测序(NGS)技术以其高速、可扩展和大通量的特点,为生物系统相关研究带来了革命性的变化。为了分析基因组数据,使用短读作图技术,其中短脱氧核糖核酸(DNA)序列相对于已知参考序列作图。虽然有几种模式匹配技术可用,但基于fm索引的模式搜索非常适合此任务,因为它可以最快地从已知索引进行映射。由于可以对不同的数据并行进行匹配,因此可以应用数据分布、并行执行和结果采集的大规模并行计算。我们还实现了一种数据压缩方法,该方法将数据大小减少了大约10倍。我们发现一个M-KUBOS板匹配4个FiC板,一个包含6个M-KUBOS板和24个FiC板的系统比基于软件的实现快30倍。
{"title":"A Multi-FPGA Implementation of FM-Index Based Genomic Pattern Search","authors":"Ullah IMDAD, Akram BEN AHMED, Kazuei HIRONAKA, Kensuke IIZUKA, Hideharu AMANO","doi":"10.1587/transinf.2022edp7230","DOIUrl":"https://doi.org/10.1587/transinf.2022edp7230","url":null,"abstract":"FPGA clusters that consist of multiple FPGA boards have been gaining interest in recent times. Massively parallel processing with a stand-alone heterogeneous FPGA cluster with SoC- style FPGAs and mid-scale FPGAs is promising with cost-performance benefit. Here, we propose such a heterogeneous FPGA cluster with FiC and M-KUBOS cluster. FiC consists of multiple boards, mounting middle scale Xilinx's FPGAs and DRAMs, which are tightly coupled with high-speed serial links. In addition, M-KUBOS boards are connected to FiC for ensuring high IO data transfer bandwidth. As an example of massively parallel processing, here we implement genomic pattern search. Next-generation sequencing (NGS) technology has revolutionized biological system related research by its high-speed, scalable and massive throughput. To analyze the genomic data, short read mapping technique is used where short Deoxyribonucleic acid (DNA) sequences are mapped relative to a known reference sequence. Although several pattern matching techniques are available, FM-index based pattern search is perfectly suitable for this task due to the fastest mapping from known indices. Since matching can be done in parallel for different data, the massively parallel computing which distributes data, executes in parallel and gathers the results can be applied. We also implement a data compression method where about 10 times reduction in data size is achieved. We found that a M-KUBOS board matches four FiC boards, and a system with six M-KUBOS boards and 24 FiC boards achieved 30 times faster than the software based implementation.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"23 2","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161100","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Brain Tumor Classification using Under-Sampled k-Space Data: A Deep Learning Approach 使用欠采样k空间数据的脑肿瘤分类:一种深度学习方法
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2022edp7198
Tania SULTANA, Sho KUROSAKI, Yutaka JITSUMATSU, Shigehide KUHARA, Jun'ichi TAKEUCHI
We assess how well the recently created MRI reconstruction technique, Multi-Resolution Convolutional Neural Network (MRCNN), performs in the core medical vision field (classification). The primary goal of MRCNN is to identify the best k-space undersampling patterns to accelerate the MRI. In this study, we use the Figshare brain tumor dataset for MRI classification with 3064 T1-weighted contrast-enhanced MRI (CE-MRI) over three categories: meningioma, glioma, and pituitary tumors. We apply MRCNN to the dataset, which is a method to reconstruct high-quality images from under-sampled k-space signals. Next, we employ the pre-trained VGG16 model, which is a Deep Neural Network (DNN) based image classifier to the MRCNN restored MRIs to classify the brain tumors. Our experiments showed that in the case of MRCNN restored data, the proposed brain tumor classifier achieved 92.79% classification accuracy for a 10% sampling rate, which is slightly higher than that of SRCNN, MoDL, and Zero-filling methods have 91.89%, 91.89%, and 90.98% respectively. Note that our classifier was trained using the dataset consisting of the images with full sampling and their labels, which can be regarded as a model of the usual human diagnostician. Hence our results would suggest MRCNN is useful for human diagnosis. In conclusion, MRCNN significantly enhances the accuracy of the brain tumor classification system based on the tumor location using under-sampled k-space signals.
我们评估了最近创建的MRI重建技术,多分辨率卷积神经网络(MRCNN)在核心医学视觉领域(分类)中的表现。MRCNN的主要目标是识别最佳的k空间欠采样模式来加速MRI。在这项研究中,我们使用Figshare脑肿瘤数据集对3064个t1加权对比增强MRI (CE-MRI)进行MRI分类,分为三类:脑膜瘤、胶质瘤和垂体瘤。我们将MRCNN应用于数据集,这是一种从欠采样k空间信号重建高质量图像的方法。接下来,我们将预先训练好的基于深度神经网络(Deep Neural Network, DNN)的图像分类器VGG16模型应用到MRCNN恢复的核磁共振图像中,对脑肿瘤进行分类。我们的实验表明,在MRCNN恢复数据的情况下,在10%的采样率下,所提出的脑肿瘤分类器的分类准确率达到了92.79%,略高于SRCNN、MoDL和Zero-filling方法的91.89%、91.89%和90.98%。请注意,我们的分类器是使用由完整采样的图像及其标签组成的数据集进行训练的,这可以被视为通常的人类诊断学家的模型。因此,我们的研究结果表明,MRCNN对人类的诊断是有用的。综上所述,MRCNN显著提高了基于肿瘤定位的基于欠采样k空间信号的脑肿瘤分类系统的准确性。
{"title":"Brain Tumor Classification using Under-Sampled k-Space Data: A Deep Learning Approach","authors":"Tania SULTANA, Sho KUROSAKI, Yutaka JITSUMATSU, Shigehide KUHARA, Jun'ichi TAKEUCHI","doi":"10.1587/transinf.2022edp7198","DOIUrl":"https://doi.org/10.1587/transinf.2022edp7198","url":null,"abstract":"We assess how well the recently created MRI reconstruction technique, Multi-Resolution Convolutional Neural Network (MRCNN), performs in the core medical vision field (classification). The primary goal of MRCNN is to identify the best k-space undersampling patterns to accelerate the MRI. In this study, we use the Figshare brain tumor dataset for MRI classification with 3064 T1-weighted contrast-enhanced MRI (CE-MRI) over three categories: meningioma, glioma, and pituitary tumors. We apply MRCNN to the dataset, which is a method to reconstruct high-quality images from under-sampled k-space signals. Next, we employ the pre-trained VGG16 model, which is a Deep Neural Network (DNN) based image classifier to the MRCNN restored MRIs to classify the brain tumors. Our experiments showed that in the case of MRCNN restored data, the proposed brain tumor classifier achieved 92.79% classification accuracy for a 10% sampling rate, which is slightly higher than that of SRCNN, MoDL, and Zero-filling methods have 91.89%, 91.89%, and 90.98% respectively. Note that our classifier was trained using the dataset consisting of the images with full sampling and their labels, which can be regarded as a model of the usual human diagnostician. Hence our results would suggest MRCNN is useful for human diagnosis. In conclusion, MRCNN significantly enhances the accuracy of the brain tumor classification system based on the tumor location using under-sampled k-space signals.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"56 9","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135162063","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Spherical Style Deformation on Single Component Models 单组件模型上的球形变形
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7112
Xuemei FENG, Qing FANG, Kouichi KONNO, Zhiyi ZHANG, Katsutsugu MATSUYAMA
In this study, we present a spherical style deformation algorithm to be applied on single component models that can deform the models with spherical style, while preserving the local details of the original models. Because 3D models have complex skeleton structures that consist of many components, the deformation around connections between each single component is complicated, especially preventing mesh self-intersections. To the best of our knowledge, there does not exist not only methods to achieve a spherical style in a 3D model consisting of multiple components but also methods suited to a single component. In this study, we focus on spherical style deformation of single component models. Accordingly, we propose a deformation method that transforms the input model with the spherical style, while preserving the local details of the input model. Specifically, we define an energy function that combines the as-rigid-as-possible (ARAP) method and spherical features. The spherical term is defined as ℓ2-regularization on a linear feature; accordingly, the corresponding optimization can be solved efficiently. We also observed that the results of our deformation are dependent on the quality of the input mesh. For instance, when the input mesh consists of many obtuse triangles, the spherical style deformation method fails. To address this problem, we propose an optional deformation method based on convex hull proxy model as the complementary deformation method. Our proxy method constructs a proxy model of the input model and applies our deformation method to the proxy model to deform the input model by projection and interpolation. We have applied our proposed method to simple and complex shapes, compared our experimental results with the 3D geometric stylization method of normal-driven spherical shape analogies, and confirmed that our method successfully deforms models that are smooth, round, and curved. We also discuss the limitations and problems of our algorithm based on the experimental results.
在本研究中,我们提出了一种适用于单组件模型的球形变形算法,该算法可以在保留原始模型局部细节的同时,使模型具有球形变形。由于3D模型具有由许多组件组成的复杂骨架结构,因此每个组件之间连接周围的变形非常复杂,特别是防止网格自相交。据我们所知,在由多个组件组成的3D模型中,不仅不存在实现球形风格的方法,而且还存在适合单个组件的方法。在本研究中,我们主要研究单组分模型的球形变形。因此,我们提出了一种将输入模型转换为球面样式的变形方法,同时保留了输入模型的局部细节。具体来说,我们定义了一个结合了尽可能刚性(ARAP)方法和球面特征的能量函数。球面项定义为在线性特征上的l2正则化;因此,可以有效地求解相应的优化问题。我们还观察到,变形的结果取决于输入网格的质量。例如,当输入网格由许多钝角三角形组成时,球形变形方法失效。为了解决这一问题,我们提出了一种基于凸包代理模型的可选变形方法作为补充变形方法。我们的代理方法构建了输入模型的代理模型,并将我们的变形方法应用于代理模型,通过投影和插值对输入模型进行变形。我们将所提出的方法应用于简单和复杂的形状,并将实验结果与法线驱动的球形类比的三维几何样式化方法进行了比较,证实了我们的方法成功地变形了光滑、圆形和弯曲的模型。根据实验结果,讨论了算法的局限性和存在的问题。
{"title":"Spherical Style Deformation on Single Component Models","authors":"Xuemei FENG, Qing FANG, Kouichi KONNO, Zhiyi ZHANG, Katsutsugu MATSUYAMA","doi":"10.1587/transinf.2023edp7112","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7112","url":null,"abstract":"In this study, we present a spherical style deformation algorithm to be applied on single component models that can deform the models with spherical style, while preserving the local details of the original models. Because 3D models have complex skeleton structures that consist of many components, the deformation around connections between each single component is complicated, especially preventing mesh self-intersections. To the best of our knowledge, there does not exist not only methods to achieve a spherical style in a 3D model consisting of multiple components but also methods suited to a single component. In this study, we focus on spherical style deformation of single component models. Accordingly, we propose a deformation method that transforms the input model with the spherical style, while preserving the local details of the input model. Specifically, we define an energy function that combines the as-rigid-as-possible (ARAP) method and spherical features. The spherical term is defined as ℓ2-regularization on a linear feature; accordingly, the corresponding optimization can be solved efficiently. We also observed that the results of our deformation are dependent on the quality of the input mesh. For instance, when the input mesh consists of many obtuse triangles, the spherical style deformation method fails. To address this problem, we propose an optional deformation method based on convex hull proxy model as the complementary deformation method. Our proxy method constructs a proxy model of the input model and applies our deformation method to the proxy model to deform the input model by projection and interpolation. We have applied our proposed method to simple and complex shapes, compared our experimental results with the 3D geometric stylization method of normal-driven spherical shape analogies, and confirmed that our method successfully deforms models that are smooth, round, and curved. We also discuss the limitations and problems of our algorithm based on the experimental results.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"33 2","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161085","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Switch-Based Quorum Coordination for Low Tail Latency in Replicated Storage 基于交换机的仲裁协调,用于复制存储中的低尾延迟
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edl8038
Gyuyeong KIM
Modern distributed storage requires microsecond-scale tail latency, but the current coordinator-based quorum coordination causes a burdensome latency overhead. This paper presents Archon, a new quorum coordination architecture that supports low tail latency for microsecond-scale replicated storage. The key idea of Archon is to perform the quorum coordination in the network switch by leveraging the flexibility and capability of emerging programmable switch ASICs. Our in-network quorum coordination is based on the observation that the modern programmable switch provides nanosecond-scale processing delay and high flexibility simultaneously. To realize the idea, we design a custom switch data plane. We implement a Archon prototype on an Intel Tofino switch and conduct a series of testbed experiments. Our experimental results show that Archon can provide lower tail latency than the coordinator-based solution.
现代分布式存储需要微秒级的尾部延迟,但当前基于协调器的仲裁协调导致了繁重的延迟开销。本文提出了一种新的仲裁协调架构Archon,它支持微秒级复制存储的低尾部延迟。Archon的核心思想是利用新兴可编程交换机asic的灵活性和能力,在网络交换机中执行仲裁协调。我们的网络仲裁协调是基于现代可编程交换机同时提供纳秒级处理延迟和高灵活性的观察。为了实现这个想法,我们设计了一个定制的交换机数据平面。我们在Intel Tofino开关上实现了一个Archon原型,并进行了一系列的测试实验。实验结果表明,与基于协调器的方案相比,执政官方案可以提供更低的尾部延迟。
{"title":"Switch-Based Quorum Coordination for Low Tail Latency in Replicated Storage","authors":"Gyuyeong KIM","doi":"10.1587/transinf.2023edl8038","DOIUrl":"https://doi.org/10.1587/transinf.2023edl8038","url":null,"abstract":"Modern distributed storage requires microsecond-scale tail latency, but the current coordinator-based quorum coordination causes a burdensome latency overhead. This paper presents Archon, a new quorum coordination architecture that supports low tail latency for microsecond-scale replicated storage. The key idea of Archon is to perform the quorum coordination in the network switch by leveraging the flexibility and capability of emerging programmable switch ASICs. Our in-network quorum coordination is based on the observation that the modern programmable switch provides nanosecond-scale processing delay and high flexibility simultaneously. To realize the idea, we design a custom switch data plane. We implement a Archon prototype on an Intel Tofino switch and conduct a series of testbed experiments. Our experimental results show that Archon can provide lower tail latency than the coordinator-based solution.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"104 3","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161703","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Lightweight Reinforcement Learning Based Packet Routing Method Using Online Sequential Learning 一种基于在线顺序学习的轻量级强化学习分组路由方法
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2022edp7231
Kenji NEMOTO, Hiroki MATSUTANI
Existing simple routing protocols (e.g., OSPF, RIP) have some disadvantages of being inflexible and prone to congestion due to the concentration of packets on particular routers. To address these issues, packet routing methods using machine learning have been proposed recently. Compared to these algorithms, machine learning based methods can choose a routing path intelligently by learning efficient routes. However, machine learning based methods have a disadvantage of training time overhead. We thus focus on a lightweight machine learning algorithm, OS-ELM (Online Sequential Extreme Learning Machine), to reduce the training time. Although previous work on reinforcement learning using OS-ELM exists, it has a problem of low learning accuracy. In this paper, we propose OS-ELM QN (Q-Network) with a prioritized experience replay buffer to improve the learning performance. It is compared to a deep reinforcement learning based packet routing method using a network simulator. Experimental results show that introducing the experience replay buffer improves the learning performance. OS-ELM QN achieves a 2.33 times speedup than a DQN (Deep Q-Network) in terms of learning speed. Regarding the packet transfer latency, OS-ELM QN is comparable or slightly inferior to the DQN while they are better than OSPF in most cases since they can distribute congestions.
现有的简单路由协议(如OSPF、RIP)由于报文集中在特定的路由器上,存在灵活性不强、容易出现拥塞等缺点。为了解决这些问题,最近提出了使用机器学习的分组路由方法。与这些算法相比,基于机器学习的方法可以通过学习有效的路由来智能地选择路由路径。然而,基于机器学习的方法有训练时间开销的缺点。因此,我们专注于一个轻量级的机器学习算法,OS-ELM(在线顺序极限学习机),以减少训练时间。虽然已有使用OS-ELM进行强化学习的研究,但存在学习精度低的问题。在本文中,我们提出了带有优先体验重放缓冲的OS-ELM QN (Q-Network)来提高学习性能。使用网络模拟器将其与基于深度强化学习的数据包路由方法进行了比较。实验结果表明,引入经验回放缓冲可以提高学习性能。OS-ELM QN在学习速度上比DQN (Deep Q-Network)提高了2.33倍。在数据包传输延迟方面,OS-ELM QN与DQN相当或略低于DQN,但在大多数情况下优于OSPF,因为它们可以分配拥塞。
{"title":"A Lightweight Reinforcement Learning Based Packet Routing Method Using Online Sequential Learning","authors":"Kenji NEMOTO, Hiroki MATSUTANI","doi":"10.1587/transinf.2022edp7231","DOIUrl":"https://doi.org/10.1587/transinf.2022edp7231","url":null,"abstract":"Existing simple routing protocols (e.g., OSPF, RIP) have some disadvantages of being inflexible and prone to congestion due to the concentration of packets on particular routers. To address these issues, packet routing methods using machine learning have been proposed recently. Compared to these algorithms, machine learning based methods can choose a routing path intelligently by learning efficient routes. However, machine learning based methods have a disadvantage of training time overhead. We thus focus on a lightweight machine learning algorithm, OS-ELM (Online Sequential Extreme Learning Machine), to reduce the training time. Although previous work on reinforcement learning using OS-ELM exists, it has a problem of low learning accuracy. In this paper, we propose OS-ELM QN (Q-Network) with a prioritized experience replay buffer to improve the learning performance. It is compared to a deep reinforcement learning based packet routing method using a network simulator. Experimental results show that introducing the experience replay buffer improves the learning performance. OS-ELM QN achieves a 2.33 times speedup than a DQN (Deep Q-Network) in terms of learning speed. Regarding the packet transfer latency, OS-ELM QN is comparable or slightly inferior to the DQN while they are better than OSPF in most cases since they can distribute congestions.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"50 4","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161714","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Line Segment Detection Based on False Peak Suppression and Local Hough Transform and Application to Nuclear Emulsion 基于假峰抑制和局部霍夫变换的线段检测及其在核乳剂中的应用
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7117
Ye TIAN, Mei HAN, Jinyi ZHANG
This paper mainly proposes a line segment detection method based on pseudo peak suppression and local Hough transform, which has good noise resistance and can solve the problems of short line segment missing detection, false detection, and oversegmentation. In addition, in response to the phenomenon of uneven development in nuclear emulsion tomographic images, this paper proposes an image preprocessing process that uses the “Difference of Gaussian” method to reduce noise and then uses the standard deviation of the gray value of each pixel to bundle and unify the gray value of each pixel, which can robustly obtain the linear features in these images. The tests on the actual dataset of nuclear emulsion tomographic images and the public YorkUrban dataset show that the proposed method can effectively improve the accuracy of convolutional neural network or vision in transformer-based event classification for alpha-decay events in nuclear emulsion. In particular, the line segment detection method in the proposed method achieves optimal results in both accuracy and processing speed, which also has strong generalization ability in high quality natural images.
本文主要提出了一种基于伪峰值抑制和局部霍夫变换的线段检测方法,该方法具有良好的抗噪声性能,可以解决短线段缺失检测、误检测和过分割问题。此外,针对核乳剂层析成像图像中出现的发育不均匀现象,本文提出了一种图像预处理方法,采用“高斯差分法”降噪,然后利用每个像素的灰度值的标准差对每个像素的灰度值进行捆扎统一,可以鲁棒地获得这些图像中的线性特征。在核乳液层析成像实际数据集和YorkUrban公共数据集上的测试表明,该方法可以有效提高卷积神经网络或视觉在基于变压器的核乳液α衰变事件分类中的准确性。特别是本文方法中的线段检测方法在精度和处理速度上都达到了最优的效果,在高质量的自然图像中也具有较强的泛化能力。
{"title":"Line Segment Detection Based on False Peak Suppression and Local Hough Transform and Application to Nuclear Emulsion","authors":"Ye TIAN, Mei HAN, Jinyi ZHANG","doi":"10.1587/transinf.2023edp7117","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7117","url":null,"abstract":"This paper mainly proposes a line segment detection method based on pseudo peak suppression and local Hough transform, which has good noise resistance and can solve the problems of short line segment missing detection, false detection, and oversegmentation. In addition, in response to the phenomenon of uneven development in nuclear emulsion tomographic images, this paper proposes an image preprocessing process that uses the “Difference of Gaussian” method to reduce noise and then uses the standard deviation of the gray value of each pixel to bundle and unify the gray value of each pixel, which can robustly obtain the linear features in these images. The tests on the actual dataset of nuclear emulsion tomographic images and the public YorkUrban dataset show that the proposed method can effectively improve the accuracy of convolutional neural network or vision in transformer-based event classification for alpha-decay events in nuclear emulsion. In particular, the line segment detection method in the proposed method achieves optimal results in both accuracy and processing speed, which also has strong generalization ability in high quality natural images.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"53 8","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161865","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Two-Path Object Knowledge Injection for Detecting Novel Objects With Single-Stage Dense Detector 单级密集检测器检测新对象的双路径对象知识注入
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2022edp7216
KuanChao CHU, Hideki NAKAYAMA
We present an effective system for integrating generative zero-shot classification modules into a YOLO-like dense detector to detect novel objects. Most double-stage-based novel object detection methods are achieved by refining the classification output branch but cannot be applied to a dense detector. Our system utilizes two paths to inject knowledge of novel objects into a dense detector. One involves injecting the class confidence for novel classes from a classifier trained on data synthesized via a dual-step generator. This generator learns a mapping function between two feature spaces, resulting in better classification performance. The second path involves re-training the detector head with feature maps synthesized on different intensity levels. This approach significantly increases the predicted objectness for novel objects, which is a major challenge for a dense detector. We also introduce a stop-and-reload mechanism during re-training for optimizing across head layers to better learn synthesized features. Our method relaxes the constraint on the detector head architecture in the previous method and has markedly enhanced performance on the MSCOCO dataset.
我们提出了一个有效的系统,将生成式零射击分类模块集成到一个类似于yolo的密集检测器中,以检测新的目标。大多数基于双阶段的新目标检测方法是通过细化分类输出分支来实现的,但不能应用于密集检测器。我们的系统利用两条路径将新对象的知识注入到密集检测器中。其中一种涉及为通过双步生成器合成的数据训练的分类器中的新类注入类置信度。该生成器学习两个特征空间之间的映射函数,从而获得更好的分类性能。第二种方法是用不同强度合成的特征图重新训练检测器头部。这种方法大大提高了对新物体的预测,这是对密集探测器的主要挑战。我们还在重新训练期间引入了停止-重新加载机制,以便跨头部层进行优化,以更好地学习合成特征。我们的方法放宽了先前方法对检测器头部结构的约束,并显著提高了MSCOCO数据集的性能。
{"title":"Two-Path Object Knowledge Injection for Detecting Novel Objects With Single-Stage Dense Detector","authors":"KuanChao CHU, Hideki NAKAYAMA","doi":"10.1587/transinf.2022edp7216","DOIUrl":"https://doi.org/10.1587/transinf.2022edp7216","url":null,"abstract":"We present an effective system for integrating generative zero-shot classification modules into a YOLO-like dense detector to detect novel objects. Most double-stage-based novel object detection methods are achieved by refining the classification output branch but cannot be applied to a dense detector. Our system utilizes two paths to inject knowledge of novel objects into a dense detector. One involves injecting the class confidence for novel classes from a classifier trained on data synthesized via a dual-step generator. This generator learns a mapping function between two feature spaces, resulting in better classification performance. The second path involves re-training the detector head with feature maps synthesized on different intensity levels. This approach significantly increases the predicted objectness for novel objects, which is a major challenge for a dense detector. We also introduce a stop-and-reload mechanism during re-training for optimizing across head layers to better learn synthesized features. Our method relaxes the constraint on the detector head architecture in the previous method and has markedly enhanced performance on the MSCOCO dataset.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"50 7","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161892","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Driver Fatigue Detection Algorithm Based on Dynamic Tracking of Small Facial Targets Using YOLOv7 基于YOLOv7人脸小目标动态跟踪的驾驶员疲劳检测算法
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7093
Shugang LIU, Yujie WANG, Qiangguo YU, Jie ZHAN, Hongli LIU, Jiangtao LIU
Driver fatigue detection has become crucial in vehicle safety technology. Achieving high accuracy and real-time performance in detecting driver fatigue is paramount. In this paper, we propose a novel driver fatigue detection algorithm based on dynamic tracking of Facial Eyes and Yawning using YOLOv7, named FEY-YOLOv7. The Coordinate Attention module is inserted into YOLOv7 to enhance its dynamic tracking accuracy by focusing on coordinate information. Additionally, a small target detection head is incorporated into the network architecture to promote the feature extraction ability of small facial targets such as eyes and mouth. In terms of compution, the YOLOv7 network architecture is significantly simplified to achieve high detection speed. Using the proposed PERYAWN algorithm, driver status is labeled and detected by four classes: open_eye, closed_eye, open_mouth, and closed_mouth. Furthermore, the Guided Image Filtering algorithm is employed to enhance image details. The proposed FEY-YOLOv7 is trained and validated on RGB-infrared datasets. The results show that FEY-YOLOv7 has achieved mAP of 0.983 and FPS of 101. This indicates that FEY-YOLOv7 is superior to state-of-the-art methods in accuracy and speed, providing an effective and practical solution for image-based driver fatigue detection.
驾驶员疲劳检测已成为汽车安全技术的重要组成部分。实现驾驶员疲劳检测的高精度和实时性是至关重要的。本文提出了一种基于YOLOv7动态跟踪面部眼睛和打哈欠的驾驶员疲劳检测算法,命名为FEY-YOLOv7。在YOLOv7中插入坐标关注模块,通过对坐标信息的关注,提高YOLOv7的动态跟踪精度。此外,在网络架构中加入了一个小目标检测头,提高了面部小目标(如眼睛和嘴巴)的特征提取能力。在计算方面,YOLOv7网络架构大大简化,实现了较高的检测速度。使用提出的PERYAWN算法,驱动程序状态被标记和检测为四个类:open_eye, close_eye, open_mouth和close_mouth。在此基础上,采用引导图像滤波算法增强图像细节。提出的FEY-YOLOv7在rgb红外数据集上进行了训练和验证。结果表明,FEY-YOLOv7的mAP值为0.983,FPS值为101。这表明FEY-YOLOv7在准确性和速度上都优于最先进的方法,为基于图像的驾驶员疲劳检测提供了有效实用的解决方案。
{"title":"A Driver Fatigue Detection Algorithm Based on Dynamic Tracking of Small Facial Targets Using YOLOv7","authors":"Shugang LIU, Yujie WANG, Qiangguo YU, Jie ZHAN, Hongli LIU, Jiangtao LIU","doi":"10.1587/transinf.2023edp7093","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7093","url":null,"abstract":"Driver fatigue detection has become crucial in vehicle safety technology. Achieving high accuracy and real-time performance in detecting driver fatigue is paramount. In this paper, we propose a novel driver fatigue detection algorithm based on dynamic tracking of Facial Eyes and Yawning using YOLOv7, named FEY-YOLOv7. The Coordinate Attention module is inserted into YOLOv7 to enhance its dynamic tracking accuracy by focusing on coordinate information. Additionally, a small target detection head is incorporated into the network architecture to promote the feature extraction ability of small facial targets such as eyes and mouth. In terms of compution, the YOLOv7 network architecture is significantly simplified to achieve high detection speed. Using the proposed PERYAWN algorithm, driver status is labeled and detected by four classes: open_eye, closed_eye, open_mouth, and closed_mouth. Furthermore, the Guided Image Filtering algorithm is employed to enhance image details. The proposed FEY-YOLOv7 is trained and validated on RGB-infrared datasets. The results show that FEY-YOLOv7 has achieved mAP of 0.983 and FPS of 101. This indicates that FEY-YOLOv7 is superior to state-of-the-art methods in accuracy and speed, providing an effective and practical solution for image-based driver fatigue detection.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"55 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135162075","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Loosely-Stabilizing Algorithm on Almost Maximal Independent Set 几乎极大独立集上的松弛稳定算法
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-11-01 DOI: 10.1587/transinf.2023edp7075
Rongcheng DONG, Taisuke IZUMI, Naoki KITAMURA, Yuichi SUDO, Toshimitsu MASUZAWA
The maximal independent set (MIS) problem is one of the most fundamental problems in the field of distributed computing. This paper focuses on the MIS problem with unreliable communication between processes in the system. We propose a relaxed notion of MIS, named almost MIS (ALMIS), and show that the loosely-stabilizing algorithm proposed in our previous work can achieve exponentially long holding time with logarithmic convergence time and space complexity regarding ALMIS, which cannot be achieved at the same time regarding MIS in our previous work.
最大独立集(MIS)问题是分布式计算领域中最基本的问题之一。本文主要研究管理信息系统中进程间通信不可靠的问题。我们提出了一个宽松的MIS概念,称为几乎MIS (ALMIS),并证明了我们之前的工作中提出的松散稳定算法可以在ALMIS上实现指数级长的保持时间和对数收敛时间和空间复杂度,这是我们之前的工作中不能同时实现的MIS。
{"title":"Loosely-Stabilizing Algorithm on Almost Maximal Independent Set","authors":"Rongcheng DONG, Taisuke IZUMI, Naoki KITAMURA, Yuichi SUDO, Toshimitsu MASUZAWA","doi":"10.1587/transinf.2023edp7075","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7075","url":null,"abstract":"The maximal independent set (MIS) problem is one of the most fundamental problems in the field of distributed computing. This paper focuses on the MIS problem with unreliable communication between processes in the system. We propose a relaxed notion of MIS, named almost MIS (ALMIS), and show that the loosely-stabilizing algorithm proposed in our previous work can achieve exponentially long holding time with logarithmic convergence time and space complexity regarding ALMIS, which cannot be achieved at the same time regarding MIS in our previous work.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"50 3","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-11-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135161715","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Visual Inspection Method for Subway Tunnel Cracks Based on Multi-Kernel Convolution Cascade Enhancement Learning 基于多核卷积级联增强学习的地铁隧道裂缝视觉检测方法
4区 计算机科学 Q4 COMPUTER SCIENCE, INFORMATION SYSTEMS Pub Date : 2023-10-01 DOI: 10.1587/transinf.2023edp7073
Baoxian WANG, Zhihao DONG, Yuzhao WANG, Shoupeng QIN, Zhao TAN, Weigang ZHAO, Wei-Xin REN, Junfang WANG
As a typical surface defect of tunnel lining structures, cracking disease affects the durability of tunnel structures and poses hidden dangers to tunnel driving safety. Factors such as interference from the complex service environment of the tunnel and the low signal-to-noise ratio of the crack targets themselves, have led to existing crack recognition methods based on semantic segmentation being unable to meet actual engineering needs. Based on this, this paper uses the Unet network as the basic framework for crack identification and proposes to construct a multi-kernel convolution cascade enhancement (MKCE) model to achieve accurate detection and identification of crack diseases. First of all, to ensure the performance of crack feature extraction, the model modified the main feature extraction network in the basic framework to ResNet-50 residual network. Compared with the VGG-16 network, this modification can extract richer crack detail features while reducing model parameters. Secondly, considering that the Unet network cannot effectively perceive multi-scale crack features in the skip connection stage, a multi-kernel convolution cascade enhancement module is proposed by combining a cascaded connection of multi-kernel convolution groups and multi-expansion rate dilated convolution groups. This module achieves a comprehensive perception of local details and the global content of tunnel lining cracks. In addition, to better weaken the effect of tunnel background clutter interference, a convolutional block attention calculation module is further introduced after the multi-kernel convolution cascade enhancement module, which effectively reduces the false alarm rate of crack recognition. The algorithm is tested on a large number of subway tunnel crack image datasets. The experimental results show that, compared with other crack recognition algorithms based on deep learning, the method in this paper has achieved the best results in terms of accuracy and intersection over union (IoU) indicators, which verifies the method in this paper has better applicability.
裂缝病是隧道衬砌结构的一种典型表面缺陷,影响隧道结构的耐久性,给隧道行车安全带来隐患。由于隧道复杂使用环境的干扰以及裂缝目标本身的低信噪比等因素,现有的基于语义分割的裂缝识别方法已不能满足实际工程需要。在此基础上,本文以Unet网络作为裂纹识别的基本框架,提出构建多核卷积级联增强(MKCE)模型,实现裂纹病害的准确检测和识别。首先,为了保证裂缝特征提取的性能,该模型将基本框架中的主要特征提取网络修改为ResNet-50残差网络。与VGG-16网络相比,改进后的网络可以提取更丰富的裂缝细节特征,同时降低模型参数。其次,针对Unet网络在跳跃连接阶段不能有效感知多尺度裂缝特征的问题,将多核卷积群级联连接与多展开率扩张卷积群相结合,提出了多核卷积级联增强模块;该模块实现了对隧道衬砌裂缝局部细节和全局内容的综合感知。此外,为了更好地减弱隧道背景杂波干扰的影响,在多核卷积级联增强模块之后,进一步引入了卷积块注意力计算模块,有效降低了裂缝识别的虚警率。该算法在大量地铁隧道裂缝图像数据集上进行了测试。实验结果表明,与其他基于深度学习的裂缝识别算法相比,本文方法在准确率和IoU指标上都取得了最好的结果,验证了本文方法具有更好的适用性。
{"title":"Visual Inspection Method for Subway Tunnel Cracks Based on Multi-Kernel Convolution Cascade Enhancement Learning","authors":"Baoxian WANG, Zhihao DONG, Yuzhao WANG, Shoupeng QIN, Zhao TAN, Weigang ZHAO, Wei-Xin REN, Junfang WANG","doi":"10.1587/transinf.2023edp7073","DOIUrl":"https://doi.org/10.1587/transinf.2023edp7073","url":null,"abstract":"As a typical surface defect of tunnel lining structures, cracking disease affects the durability of tunnel structures and poses hidden dangers to tunnel driving safety. Factors such as interference from the complex service environment of the tunnel and the low signal-to-noise ratio of the crack targets themselves, have led to existing crack recognition methods based on semantic segmentation being unable to meet actual engineering needs. Based on this, this paper uses the Unet network as the basic framework for crack identification and proposes to construct a multi-kernel convolution cascade enhancement (MKCE) model to achieve accurate detection and identification of crack diseases. First of all, to ensure the performance of crack feature extraction, the model modified the main feature extraction network in the basic framework to ResNet-50 residual network. Compared with the VGG-16 network, this modification can extract richer crack detail features while reducing model parameters. Secondly, considering that the Unet network cannot effectively perceive multi-scale crack features in the skip connection stage, a multi-kernel convolution cascade enhancement module is proposed by combining a cascaded connection of multi-kernel convolution groups and multi-expansion rate dilated convolution groups. This module achieves a comprehensive perception of local details and the global content of tunnel lining cracks. In addition, to better weaken the effect of tunnel background clutter interference, a convolutional block attention calculation module is further introduced after the multi-kernel convolution cascade enhancement module, which effectively reduces the false alarm rate of crack recognition. The algorithm is tested on a large number of subway tunnel crack image datasets. The experimental results show that, compared with other crack recognition algorithms based on deep learning, the method in this paper has achieved the best results in terms of accuracy and intersection over union (IoU) indicators, which verifies the method in this paper has better applicability.","PeriodicalId":55002,"journal":{"name":"IEICE Transactions on Information and Systems","volume":"5 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-10-01","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"135372680","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
IEICE Transactions on Information and Systems
全部 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