首页 > 最新文献

2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)最新文献

英文 中文
Shopee Price Match Guarantee Algorithm based on multimodal learning 基于多模态学习的Shopee价格匹配保证算法
Yaxuan Fang, Junhan Wang, Lei Jia, Fung Wai Kin
Shopee has been a popular online shopping website in the Southeast Asia. Customers appreciate its easy, secure, and fast online shopping experience tailored to their region. At the same time, it allows customers to choose the one with the lower price of the same product. It relies on the product matching, that is the same product with the same description image must be removed. The base technology to achieve this function is multimodal learning, in which we focus on the images and text. In our article, we proposed a new multimodal learning model mainly based on transformer and BERT. For image matching, we use NFNet, Swin_Transformer and Efficientnet to get image embeddings. For text matching, we use Distil-Bert, Albert, Multilingual Bert and TF-IDF to get text embeddings. After we get the embedding vector, we choose KNN to classify. We use cosine and distance to measure the similarity of the different models. It is worth mentioning that the loss function is Arcface, not the traditional Softmax, which improve the difficulty of training to ensure the final performance in the test periods. In addition, 7 models vote for the final results ensuring the effect of prediction. To avoid the bad matching result, we add some postprocessing process.
Shopee在东南亚是一个很受欢迎的网上购物网站。客户喜欢它为他们的地区量身定制的简单、安全、快速的在线购物体验。同时,它可以让客户在同一产品中选择价格较低的产品。它依赖于产品匹配,即必须去除具有相同描述图像的相同产品。实现这一功能的基础技术是多模态学习,其中我们主要关注图像和文本。在本文中,我们提出了一种新的基于变压器和BERT的多模态学习模型。在图像匹配方面,我们使用NFNet、Swin_Transformer和effentnet进行图像嵌入。对于文本匹配,我们使用蒸馏器-伯特、艾伯特、多语言伯特和TF-IDF来获得文本嵌入。得到嵌入向量后,选择KNN进行分类。我们使用余弦和距离来度量不同模型的相似性。值得一提的是,损失函数是Arcface,而不是传统的Softmax,这提高了训练的难度,保证了测试期间的最终表现。另外,7个模型对最终结果进行投票,保证了预测的效果。为了避免匹配结果不理想,我们增加了一些后处理处理。
{"title":"Shopee Price Match Guarantee Algorithm based on multimodal learning","authors":"Yaxuan Fang, Junhan Wang, Lei Jia, Fung Wai Kin","doi":"10.1109/CSAIEE54046.2021.9543217","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543217","url":null,"abstract":"Shopee has been a popular online shopping website in the Southeast Asia. Customers appreciate its easy, secure, and fast online shopping experience tailored to their region. At the same time, it allows customers to choose the one with the lower price of the same product. It relies on the product matching, that is the same product with the same description image must be removed. The base technology to achieve this function is multimodal learning, in which we focus on the images and text. In our article, we proposed a new multimodal learning model mainly based on transformer and BERT. For image matching, we use NFNet, Swin_Transformer and Efficientnet to get image embeddings. For text matching, we use Distil-Bert, Albert, Multilingual Bert and TF-IDF to get text embeddings. After we get the embedding vector, we choose KNN to classify. We use cosine and distance to measure the similarity of the different models. It is worth mentioning that the loss function is Arcface, not the traditional Softmax, which improve the difficulty of training to ensure the final performance in the test periods. In addition, 7 models vote for the final results ensuring the effect of prediction. To avoid the bad matching result, we add some postprocessing process.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"26 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126389223","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Sentiment Analysis of Chinese Product Reviews Based on BERT Word Vector and Hierarchical Bidirectional LSTM 基于BERT词向量和层次双向LSTM的中文产品评论情感分析
Kuihua Zhang, Min Hu, Fuji Ren, Pengyuan Hu
Sentiment analysis data on Chinese shopping comments has gained much attention in recent years. Many previous studies focus on the relationship between words in a single sentence but ignore the context relationship between sentences. To better serve this problem, we propose a method based on Bidirectional Encoder Representations from Transformers (BERT) pre-training language model, Hierarchical Bi-directional Long Short-Term Memory (Hierarchical Bi-LSTM) and attention mechanism for Chinese sentiment analysis. We first use BERT pretraining language model to obtained word vector, then applies Hierarchical Bi-LSTM model to extract contextual feature from sentences and words. Finally, we inj ect attention mechanism to highlight key information. Base on the experimental results, our method achieves more idealistic performance.
近年来,针对中国购物评论的情绪分析数据备受关注。以往的许多研究都关注单句中的词与词之间的关系,而忽略了句子之间的语境关系。为了更好地解决这一问题,我们提出了一种基于双向编码器表示(BERT)预训练语言模型、分层双向长短期记忆(Hierarchical Bi-LSTM)和注意机制的中文情感分析方法。我们首先使用BERT预训练语言模型获得词向量,然后应用分层Bi-LSTM模型提取句子和单词的上下文特征。最后,我们引入注意机制来突出关键信息。实验结果表明,该方法具有较理想的性能。
{"title":"Sentiment Analysis of Chinese Product Reviews Based on BERT Word Vector and Hierarchical Bidirectional LSTM","authors":"Kuihua Zhang, Min Hu, Fuji Ren, Pengyuan Hu","doi":"10.1109/CSAIEE54046.2021.9543231","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543231","url":null,"abstract":"Sentiment analysis data on Chinese shopping comments has gained much attention in recent years. Many previous studies focus on the relationship between words in a single sentence but ignore the context relationship between sentences. To better serve this problem, we propose a method based on Bidirectional Encoder Representations from Transformers (BERT) pre-training language model, Hierarchical Bi-directional Long Short-Term Memory (Hierarchical Bi-LSTM) and attention mechanism for Chinese sentiment analysis. We first use BERT pretraining language model to obtained word vector, then applies Hierarchical Bi-LSTM model to extract contextual feature from sentences and words. Finally, we inj ect attention mechanism to highlight key information. Base on the experimental results, our method achieves more idealistic performance.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131144059","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Bridge Detection Algorithm Based on Rotation and Scale Invariance 基于旋转和尺度不变性的桥梁检测算法
Runlin Li, H. Zou, Shitian He, Xu Cao, Fei Cheng, Li Sun
With the development of remote sensing technology and deep neural network, high-resolution optical remote sensing image bridge target detection based on deep learning has become a research hotspot. Bridge target detection is a great challenge because of its arbitrary direction, diverse scale and complex background. In view of the characteristics of bridge targets in remote sensing image, we propose a bridge target detection algorithm based on rotation and scale invariance. Our method is improved based on the DetectoRS network. Aiming at the difficulties of bridge with different scales and multi-directions, we use Recursive Feature Pyramid (RFP) to extract the scale invariant feature and add orientation-invariant model (OIM) to extract rotation invariant feature. In addition, most of the bridge dataset are labeled with horizontal rectangle, it is difficult for network to extract the rotation invariant feature, and the scale feature of bridge will also be blurred. In this paper, a rotated box regression algorithm based on Boxinst, a weakly supervised learning method, is proposed to transform the annotation. A cloud and negative sample data enhancement strategy is proposed since the background of remote images is complicated and there are a lot of false alarms with similar shapes as bridges. The algorithm we proposed in this paper has greatly improved the accuracy of bridge target detection in remote images with complex scenes, and achieved the second place in the preliminary competition in the bridge detection track of the 2020 Gaofen Challenge on the Automated High-Resolution Earth Observation Image Interpretation, with the map of 84.48%.
随着遥感技术和深度神经网络的发展,基于深度学习的高分辨率光学遥感影像桥目标检测已成为研究热点。桥梁目标检测具有方向任意、尺度多样、背景复杂等特点。针对遥感影像中桥梁目标的特点,提出了一种基于旋转和尺度不变性的桥梁目标检测算法。我们的方法在检测器网络的基础上进行了改进。针对不同尺度和多方向桥梁的难点,采用递归特征金字塔(RFP)提取尺度不变性特征,加入方向不变性模型(OIM)提取旋转不变性特征。此外,大多数桥梁数据集被标记为水平矩形,网络难以提取旋转不变性特征,桥梁的尺度特征也会被模糊。本文提出了一种基于弱监督学习方法Boxinst的旋转盒回归算法对标注进行变换。针对远程图像背景复杂,存在大量与桥梁形状相似的虚警,提出了一种云和负样本数据增强策略。本文提出的算法大大提高了复杂场景遥感图像中桥梁目标检测的精度,并在2020年高分辨率对地观测图像自动解译高芬挑战赛桥梁检测赛道初赛中以84.48%的地图率获得第二名。
{"title":"Bridge Detection Algorithm Based on Rotation and Scale Invariance","authors":"Runlin Li, H. Zou, Shitian He, Xu Cao, Fei Cheng, Li Sun","doi":"10.1109/CSAIEE54046.2021.9543227","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543227","url":null,"abstract":"With the development of remote sensing technology and deep neural network, high-resolution optical remote sensing image bridge target detection based on deep learning has become a research hotspot. Bridge target detection is a great challenge because of its arbitrary direction, diverse scale and complex background. In view of the characteristics of bridge targets in remote sensing image, we propose a bridge target detection algorithm based on rotation and scale invariance. Our method is improved based on the DetectoRS network. Aiming at the difficulties of bridge with different scales and multi-directions, we use Recursive Feature Pyramid (RFP) to extract the scale invariant feature and add orientation-invariant model (OIM) to extract rotation invariant feature. In addition, most of the bridge dataset are labeled with horizontal rectangle, it is difficult for network to extract the rotation invariant feature, and the scale feature of bridge will also be blurred. In this paper, a rotated box regression algorithm based on Boxinst, a weakly supervised learning method, is proposed to transform the annotation. A cloud and negative sample data enhancement strategy is proposed since the background of remote images is complicated and there are a lot of false alarms with similar shapes as bridges. The algorithm we proposed in this paper has greatly improved the accuracy of bridge target detection in remote images with complex scenes, and achieved the second place in the preliminary competition in the bridge detection track of the 2020 Gaofen Challenge on the Automated High-Resolution Earth Observation Image Interpretation, with the map of 84.48%.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"273 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131994468","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deepfake Video Detection by Combining Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN) 结合卷积神经网络(CNN)和循环神经网络(RNN)的深度假视频检测
Yunes Al-Dhabi, Shuang Zhang
Nowadays, people are facing an emerging problem called deepfake videos. These videos were created using deep learning technology. Some are created just for fun, while others are trying to manipulate your opinions, cause threats to your privacy, reputation, and so on. Sometimes, deepfake videos created using the latest algorithms can be hard to distinguish with the naked eye. That's why we need better algorithms to detect deepfake. The system we are going to present is based on a combination of CNN and RNN, as research shows that using CNN and RNN combined achieve better results. We are going to use a pre-trained CNN model called Resnext50. Using this, we save the time of training the model from scratch. The proposed system uses Resnext pretrained model for Feature Extraction and these extracted features are used to train the Long short-term memory (LSTM). Using CNN and RNN combined, we capture the inter frames as well as intra frames features which will be used to detect if the video is real or fake. We evaluated our method using a large collection of deepfake videos gathered from a variety of distribution sources. We demonstrate how our system may obtain competitive results while utilizing a simplistic architecture.
如今,人们正面临着一个新出现的问题,叫做深度假视频。这些视频是用深度学习技术制作的。有些只是为了好玩,而另一些则试图操纵你的观点,对你的隐私、声誉等造成威胁。有时候,使用最新算法制作的深度假视频很难用肉眼区分。这就是为什么我们需要更好的算法来检测深度造假。我们将要介绍的系统是基于CNN和RNN的结合,因为研究表明CNN和RNN结合使用可以获得更好的效果。我们将使用一个预训练的CNN模型,叫做Resnext50。使用它,我们节省了从头开始训练模型的时间。该系统使用Resnext预训练模型进行特征提取,提取的特征用于训练长短期记忆。结合使用CNN和RNN,我们捕获帧间和帧内特征,这些特征将用于检测视频是真还是假。我们使用从各种分发源收集的大量深度假视频来评估我们的方法。我们演示了我们的系统如何在使用简单架构的同时获得有竞争力的结果。
{"title":"Deepfake Video Detection by Combining Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN)","authors":"Yunes Al-Dhabi, Shuang Zhang","doi":"10.1109/CSAIEE54046.2021.9543264","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543264","url":null,"abstract":"Nowadays, people are facing an emerging problem called deepfake videos. These videos were created using deep learning technology. Some are created just for fun, while others are trying to manipulate your opinions, cause threats to your privacy, reputation, and so on. Sometimes, deepfake videos created using the latest algorithms can be hard to distinguish with the naked eye. That's why we need better algorithms to detect deepfake. The system we are going to present is based on a combination of CNN and RNN, as research shows that using CNN and RNN combined achieve better results. We are going to use a pre-trained CNN model called Resnext50. Using this, we save the time of training the model from scratch. The proposed system uses Resnext pretrained model for Feature Extraction and these extracted features are used to train the Long short-term memory (LSTM). Using CNN and RNN combined, we capture the inter frames as well as intra frames features which will be used to detect if the video is real or fake. We evaluated our method using a large collection of deepfake videos gathered from a variety of distribution sources. We demonstrate how our system may obtain competitive results while utilizing a simplistic architecture.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"15 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"116224727","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 10
Research on Recommendation Algorithm Based on Cross-grained Emotion Analysis 基于交叉粒度情感分析的推荐算法研究
Jin Xiao, Bo Liu, Sihan Li, Ke Liao, Jing Huang
In the era of internet and big data, traditional method of user preferences mining has been difficult to keep up with the update speed of enterprise product or service decision adjustment, so it is a new idea to apply recommendation algorithm to user preferences mining. Most of the recommendation algorithms based on review emotion analysis are carried out at a single level of fine-granularity or coarse-granularity, which is difficult to ensure the accuracy and comprehensiveness of user preferences mining. This paper proposes a new recommendation algorithm EAFM, which is based on cross-grained emotion analysis. Based on the latent dirichlet allocation, dependency syntactic analysis and convolutional neural network model, the algorithm synchronously performs fine-grained and coarse-grained emotion analysis with online review data as corpus, and then proposes the emotion score correction mechanism, which solves the problems of data sparsity and algorithm time complexity in user preference mining. In the experimental design section, we use Amazon product data for verification, and regard root mean square error as the performance evaluation index. Experimental results show that the EAFM approach has better user preference mining performance than the compared algorithm.
在互联网和大数据时代,传统的用户偏好挖掘方法已经难以跟上企业产品或服务决策调整的更新速度,因此将推荐算法应用于用户偏好挖掘是一种新的思路。大多数基于评论情感分析的推荐算法都是在细粒度或粗粒度的单一层次上进行的,难以保证用户偏好挖掘的准确性和全面性。本文提出了一种新的基于跨粒度情感分析的推荐算法EAFM。该算法基于潜在狄利克雷分配、依赖句法分析和卷积神经网络模型,以在线评论数据为语料库,同步进行细粒度和粗粒度情感分析,并提出情感评分校正机制,解决了用户偏好挖掘中的数据稀疏性和算法时间复杂度问题。在实验设计部分,我们使用亚马逊的产品数据进行验证,并以均方根误差作为性能评价指标。实验结果表明,EAFM方法比对比算法具有更好的用户偏好挖掘性能。
{"title":"Research on Recommendation Algorithm Based on Cross-grained Emotion Analysis","authors":"Jin Xiao, Bo Liu, Sihan Li, Ke Liao, Jing Huang","doi":"10.1109/CSAIEE54046.2021.9543356","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543356","url":null,"abstract":"In the era of internet and big data, traditional method of user preferences mining has been difficult to keep up with the update speed of enterprise product or service decision adjustment, so it is a new idea to apply recommendation algorithm to user preferences mining. Most of the recommendation algorithms based on review emotion analysis are carried out at a single level of fine-granularity or coarse-granularity, which is difficult to ensure the accuracy and comprehensiveness of user preferences mining. This paper proposes a new recommendation algorithm EAFM, which is based on cross-grained emotion analysis. Based on the latent dirichlet allocation, dependency syntactic analysis and convolutional neural network model, the algorithm synchronously performs fine-grained and coarse-grained emotion analysis with online review data as corpus, and then proposes the emotion score correction mechanism, which solves the problems of data sparsity and algorithm time complexity in user preference mining. In the experimental design section, we use Amazon product data for verification, and regard root mean square error as the performance evaluation index. Experimental results show that the EAFM approach has better user preference mining performance than the compared algorithm.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"14 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123697572","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Can “micro VM” become the next generation computing platform?: Performance comparison between light weight Virtual Machine, container, and traditional Virtual Machine “微虚拟机”能否成为下一代计算平台?:轻量级虚拟机、容器和传统虚拟机的性能比较
Zicheng Wang
Serverless computing - including “Function as a service (FaaS)”, gives a flexible computing model for users. Today, cloud providers use container to create isolated computing environment for FaaS users. However, containers share a same kernel for all instances run on top of that, which cannot guarantee an ABI-level security as virtual machine does. Therefore, a new kind of virtual machine with container-level low overhead, named as “micro VM” or “light weight virtual machine” comes. But using virtual machines means trade off. Comparing to the high performance and lightweight containers, virtual machines usually have unavoidable problems like I/O (input and output), and some existing problems of containers like the cold start latency may become more severe. But how much it takes and if it is deserving? This paper provides a comparison between traditional virtual machine, container, and the new light weight virtual machine (named micro VM) in terms of scalability and performance, aiming to determine whether the micro VM can be the suitable computing platform for FaaS.
无服务器计算——包括“功能即服务(FaaS)”——为用户提供了一个灵活的计算模型。今天,云提供商使用容器为FaaS用户创建隔离的计算环境。但是,容器为在其上运行的所有实例共享相同的内核,这不能像虚拟机那样保证abi级别的安全性。因此,一种具有容器级低开销的新型虚拟机应运而生,称为“微型虚拟机”或“轻量级虚拟机”。但是使用虚拟机意味着权衡。与高性能和轻量级容器相比,虚拟机通常存在不可避免的I/O(输入和输出)问题,并且容器现有的一些问题(如冷启动延迟)可能会变得更加严重。但这需要多少钱,是否值得?本文对传统虚拟机、容器和新型轻量级虚拟机(命名为micro VM)在可扩展性和性能方面进行了比较,旨在确定micro VM是否适合作为FaaS的计算平台。
{"title":"Can “micro VM” become the next generation computing platform?: Performance comparison between light weight Virtual Machine, container, and traditional Virtual Machine","authors":"Zicheng Wang","doi":"10.1109/CSAIEE54046.2021.9543457","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543457","url":null,"abstract":"Serverless computing - including “Function as a service (FaaS)”, gives a flexible computing model for users. Today, cloud providers use container to create isolated computing environment for FaaS users. However, containers share a same kernel for all instances run on top of that, which cannot guarantee an ABI-level security as virtual machine does. Therefore, a new kind of virtual machine with container-level low overhead, named as “micro VM” or “light weight virtual machine” comes. But using virtual machines means trade off. Comparing to the high performance and lightweight containers, virtual machines usually have unavoidable problems like I/O (input and output), and some existing problems of containers like the cold start latency may become more severe. But how much it takes and if it is deserving? This paper provides a comparison between traditional virtual machine, container, and the new light weight virtual machine (named micro VM) in terms of scalability and performance, aiming to determine whether the micro VM can be the suitable computing platform for FaaS.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"125775165","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Comparison of Strategies for Optimizing Bi-RRT* on Mobile Robots 移动机器人Bi-RRT*优化策略比较
R. Yang, Peixu Cai, Luming Wang
Aiming at problems such as poor target orientation, redundant path inflection points and collision risk in sampling-based planning algorithm such as RRT and RRT*. Strategies for solving those problems are presented in recent work of papers which based on improving Bi-RRT that is an extension of RRT with faster convergence. This paper provides a comparison and analytical review of those strategies correspond to those problems which the performance of the strategies in terms of path length, processing time and total number of nodes in tree are presented through MATLAB simulation. Moreover, the optimal strategies are selected and implemented in Bi-RRT* which has faster convergence speed as compared to its predecessor of Bi-RRT. Further, certain aspects of improved Bi-RRT* based on selected strategies are found to be improved by comparing to traditional Bi-RRT*.
针对RRT、RRT*等基于采样的规划算法中存在的目标定向差、路径拐点冗余、存在碰撞风险等问题。近年来,国内外学者在改进Bi-RRT的基础上提出了解决这些问题的策略,Bi-RRT是RRT的扩展,收敛速度更快。本文通过MATLAB仿真对这些策略在路径长度、处理时间和树中节点总数方面的性能进行了比较和分析。在Bi-RRT*中选择并实现了最优策略,与Bi-RRT的前身相比,Bi-RRT*具有更快的收敛速度。此外,通过与传统Bi-RRT*进行比较,发现基于所选策略的改进Bi-RRT*的某些方面有所改善。
{"title":"Comparison of Strategies for Optimizing Bi-RRT* on Mobile Robots","authors":"R. Yang, Peixu Cai, Luming Wang","doi":"10.1109/CSAIEE54046.2021.9543111","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543111","url":null,"abstract":"Aiming at problems such as poor target orientation, redundant path inflection points and collision risk in sampling-based planning algorithm such as RRT and RRT*. Strategies for solving those problems are presented in recent work of papers which based on improving Bi-RRT that is an extension of RRT with faster convergence. This paper provides a comparison and analytical review of those strategies correspond to those problems which the performance of the strategies in terms of path length, processing time and total number of nodes in tree are presented through MATLAB simulation. Moreover, the optimal strategies are selected and implemented in Bi-RRT* which has faster convergence speed as compared to its predecessor of Bi-RRT. Further, certain aspects of improved Bi-RRT* based on selected strategies are found to be improved by comparing to traditional Bi-RRT*.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"186 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126024221","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE 2021) IEEE计算机科学、人工智能与电子工程国际会议(CSAIEE 2021)
{"title":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE 2021)","authors":"","doi":"10.1109/csaiee54046.2021.9543299","DOIUrl":"https://doi.org/10.1109/csaiee54046.2021.9543299","url":null,"abstract":"","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"92 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115788308","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
The Detection of Hela Cells in Brightfield Images 亮场图像中Hela细胞的检测
Hao Peng, T. Xiang, Zhehui Huang, Chenye Tang
Among all the rapidly developing pathological diagnosis methods, particular cell therapy has become one of the most popular research tasks. In some occasions of cell detection and segmentation, several methods of separating presented touching and overlapping cell structures need to be utilized. Applying and developing these methods has become one of the most crucial and error-prone tasks in further analysis of brightfield images. In this work, we choose HeLa cells in a specific cell tracking dataset to detect HeLa cells in brightfield images and describe an approach to do cell detection and further analysis. Given a set of brightfield HeLa cell images in the cell cycle, we separate them into the border, centre, and blank sessions as the labels. Patches are extracted from images after binarization. When they are distinguished and labelled, we utilize different filters as pre-process labels and carry on data augmentation to obtain abundant patches as our training dataset. We find that SVM is a desirable model for classification since it performs well in most datasets, and LeNet, which is able to respond to a part of the surrounding units, can also be applied in our experiment. Therefore, we prefer SVM and LeNet as our models to do classification and prediction. In optical microscopy, especially when transmitted light and fluorescence microscopy are related to the specific cell structure segmentation, the distinct approach that we introduced in this work about separating touching and overlapping cell structures represents a desirable performance with high efficiency and robustness
在各种快速发展的病理诊断方法中,细胞特异性治疗已成为最热门的研究课题之一。在细胞检测和分割的某些场合,需要使用几种方法来分离呈现的触摸和重叠的细胞结构。应用和发展这些方法已成为明场图像进一步分析中最关键和最容易出错的任务之一。在这项工作中,我们选择特定细胞跟踪数据集中的HeLa细胞来检测明场图像中的HeLa细胞,并描述了一种进行细胞检测和进一步分析的方法。给定细胞周期中的一组亮场HeLa细胞图像,我们将它们分为边界、中心和空白会话作为标签。二值化后从图像中提取斑块。当它们被区分和标记后,我们使用不同的过滤器作为预处理标签,并进行数据增强以获得丰富的补丁作为我们的训练数据集。我们发现SVM是一种理想的分类模型,因为它在大多数数据集上表现良好,而LeNet也可以用于我们的实验,它能够响应周围单元的一部分。因此,我们选择SVM和LeNet作为我们的模型来进行分类和预测。在光学显微镜中,特别是当透射光和荧光显微镜与特定的细胞结构分割相关时,我们在这项工作中介绍的关于分离触摸和重叠细胞结构的独特方法代表了高效率和鲁棒性的理想性能
{"title":"The Detection of Hela Cells in Brightfield Images","authors":"Hao Peng, T. Xiang, Zhehui Huang, Chenye Tang","doi":"10.1109/CSAIEE54046.2021.9543103","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543103","url":null,"abstract":"Among all the rapidly developing pathological diagnosis methods, particular cell therapy has become one of the most popular research tasks. In some occasions of cell detection and segmentation, several methods of separating presented touching and overlapping cell structures need to be utilized. Applying and developing these methods has become one of the most crucial and error-prone tasks in further analysis of brightfield images. In this work, we choose HeLa cells in a specific cell tracking dataset to detect HeLa cells in brightfield images and describe an approach to do cell detection and further analysis. Given a set of brightfield HeLa cell images in the cell cycle, we separate them into the border, centre, and blank sessions as the labels. Patches are extracted from images after binarization. When they are distinguished and labelled, we utilize different filters as pre-process labels and carry on data augmentation to obtain abundant patches as our training dataset. We find that SVM is a desirable model for classification since it performs well in most datasets, and LeNet, which is able to respond to a part of the surrounding units, can also be applied in our experiment. Therefore, we prefer SVM and LeNet as our models to do classification and prediction. In optical microscopy, especially when transmitted light and fluorescence microscopy are related to the specific cell structure segmentation, the distinct approach that we introduced in this work about separating touching and overlapping cell structures represents a desirable performance with high efficiency and robustness","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"60 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121168648","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep learning-based browser record analysis research 基于深度学习的浏览器记录分析研究
Haomin Pang, Zhaoxu Wu, Haibo Luo, Biwu Yi
With the vigorous development of the Internet to combat criminal activities such as black and gray production, the problem of data classification is gradually being taken seriously. Therefore, by modeling and analyzing the browser history records that have been acquired, in which Chinese word separation in the field of neuro-linguistic programming (NLP) is used for word separation, feature extraction using a vocabulary table model, and classification processing by a neural network algorithm. Simulation experiments on browser history data through feature extraction and neural networks are conducted to train the accuracy of the model for analyzing browser history records and classifying the test data.
随着互联网打击黑灰生产等犯罪活动的蓬勃发展,数据分类问题逐渐受到重视。因此,通过对已获取的浏览器历史记录进行建模和分析,利用神经语言编程(NLP)领域的中文分词技术进行分词,利用词汇表模型进行特征提取,利用神经网络算法进行分类处理。通过特征提取和神经网络对浏览器历史数据进行仿真实验,训练模型对浏览器历史记录分析和测试数据分类的准确性。
{"title":"Deep learning-based browser record analysis research","authors":"Haomin Pang, Zhaoxu Wu, Haibo Luo, Biwu Yi","doi":"10.1109/CSAIEE54046.2021.9543211","DOIUrl":"https://doi.org/10.1109/CSAIEE54046.2021.9543211","url":null,"abstract":"With the vigorous development of the Internet to combat criminal activities such as black and gray production, the problem of data classification is gradually being taken seriously. Therefore, by modeling and analyzing the browser history records that have been acquired, in which Chinese word separation in the field of neuro-linguistic programming (NLP) is used for word separation, feature extraction using a vocabulary table model, and classification processing by a neural network algorithm. Simulation experiments on browser history data through feature extraction and neural networks are conducted to train the accuracy of the model for analyzing browser history records and classifying the test data.","PeriodicalId":376014,"journal":{"name":"2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)","volume":"5 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2021-08-20","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127717473","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
2021 IEEE International Conference on Computer Science, Artificial Intelligence and Electronic Engineering (CSAIEE)
全部 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