首页 > 最新文献

Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition最新文献

英文 中文
Forest Fire Detection Algorithm Based on DetNet-FPN Feature Fusion Network 基于DetNet-FPN特征融合网络的森林火灾检测算法
Peng-cheng Guo, Jianjun Zhao, Zizhuan Li, Xianda Ni, Daohuan Tan, W. Bao
The occurrence of forest fire has caused a large area of forest damage, casualties and economic losses, and forest fire detection is the key to the timely warning of fire. The problem of small target loss still exists in the forest fire detection algorithm using FPN network. In order to solve the problem of poor definition of object edge and loss of small target flame semantic information caused by 32-fold downsampling in FPN multi-scale feature fusion network, a forest fire detection algorithm based on DetNet-FPN feature fusion network was proposed. The backbone network of the algorithm adopts DetNet59, which is specially designed for target detection task. The network is improved on the basis of ResNet50, and the sixth stage is added. In order to maintain the resolution of high-level feature map, downsampling is abandoned in the fifth and sixth stages. Furthermore, dilated convolution is used to replace the original bottleneck structure with 3x3 convolution to enlarge the receptive field of feature map, thus improving the detection ability of small scale targets. Experimental results show that compared with FPN algorithm, the average accuracy of the proposed algorithm is improved by 2.70%, and the accuracy of small target is improved by 2.3%, which has good detection effect in various scenarios.
森林火灾的发生造成了大面积的森林破坏、人员伤亡和经济损失,而森林火灾探测是及时预警火灾的关键。采用FPN网络的森林火灾探测算法仍然存在目标损失小的问题。为了解决FPN多尺度特征融合网络中32倍降采样导致的目标边缘清晰度差和小目标火焰语义信息丢失的问题,提出了一种基于DetNet-FPN特征融合网络的森林火灾检测算法。算法的骨干网采用了专门为目标检测任务设计的DetNet59。在ResNet50的基础上对网络进行了改进,增加了第六阶段。为了保持高级特征图的分辨率,在第五和第六阶段放弃降采样。进一步,利用扩展卷积取代原有的瓶颈结构,用3x3卷积扩大特征图的接受场,提高小尺度目标的检测能力。实验结果表明,与FPN算法相比,本文算法的平均准确率提高了2.70%,小目标的准确率提高了2.3%,在各种场景下都具有良好的检测效果。
{"title":"Forest Fire Detection Algorithm Based on DetNet-FPN Feature Fusion Network","authors":"Peng-cheng Guo, Jianjun Zhao, Zizhuan Li, Xianda Ni, Daohuan Tan, W. Bao","doi":"10.1145/3573942.3574032","DOIUrl":"https://doi.org/10.1145/3573942.3574032","url":null,"abstract":"The occurrence of forest fire has caused a large area of forest damage, casualties and economic losses, and forest fire detection is the key to the timely warning of fire. The problem of small target loss still exists in the forest fire detection algorithm using FPN network. In order to solve the problem of poor definition of object edge and loss of small target flame semantic information caused by 32-fold downsampling in FPN multi-scale feature fusion network, a forest fire detection algorithm based on DetNet-FPN feature fusion network was proposed. The backbone network of the algorithm adopts DetNet59, which is specially designed for target detection task. The network is improved on the basis of ResNet50, and the sixth stage is added. In order to maintain the resolution of high-level feature map, downsampling is abandoned in the fifth and sixth stages. Furthermore, dilated convolution is used to replace the original bottleneck structure with 3x3 convolution to enlarge the receptive field of feature map, thus improving the detection ability of small scale targets. Experimental results show that compared with FPN algorithm, the average accuracy of the proposed algorithm is improved by 2.70%, and the accuracy of small target is improved by 2.3%, which has good detection effect in various scenarios.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"7 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123647500","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
Weakly-Supervised Estimation of Auroral Motion Field Via Iterative Pseudo Ground Truth Learning 基于迭代伪地面真值学习的极光运动场弱监督估计
Qianqian Wang, Qiqi Fan, Yanyu Mao
The small scale auroral structure is a far less explored field. Provided by auroral images which record the vivid auroral behaviors with satisfied temporal and spatial resolution, we are devoted to studying local auroral motions and the fine scale auroral activities. In order to estimate the auroral motion field, the method of optical flow is introduced to analyze auroral motion. However, the technology requires expensive dense annotations while training the network. Leveraged between the strong learning ability of the fully-supervised deep learning methods and the uncertainty of auroral data, we propose an iterative ground-truth learning approach to mine the pixel-level pseudo ground truth for auroral motion. Specifically, we first train a fully-supervised estimator on synthetic data via the Recurrent All-Pairs Field Transforms (RAFT) algorithm. The reconstructability and robustness of the estimated motion field are used as the criteria to measure applicability of the fully-supervised estimator for auroral images. Then, the mined motion fields as pseudo ground truths are in turn fed into the RAFT algorithms to fine-tune the fully-supervised estimator again, which is iterated until the high-quality pseudo ground truths for auroral data are found. Experiments on auroral data from the Yellow River Station demonstrate the effectiveness of our method. More and more pseudo ground truths of auroral data are used to gradually improve the estimated motion field results by refining the contextual features of auroral images. With iterative pseudo ground truth learning, estimated errors can be reduced effectively.
小规模的极光结构是一个很少被探索的领域。利用记录了生动的极光行为和满足时间和空间分辨率的极光图像,我们致力于研究局部极光运动和精细尺度的极光活动。为了估计极光运动场,引入光流法对极光运动进行分析。然而,该技术在训练网络时需要昂贵的密集注释。利用全监督深度学习方法的强大学习能力和极光数据的不确定性,我们提出了一种迭代地真值学习方法来挖掘极光运动的像素级伪地真值。具体来说,我们首先通过循环全对域变换(RAFT)算法在合成数据上训练一个全监督估计器。以估计的运动场的可重构性和鲁棒性作为衡量全监督估计器对极光图像适用性的标准。然后,将挖掘出来的运动场作为伪地真输入到RAFT算法中,再次对全监督估计器进行微调,迭代直到找到高质量的极光数据伪地真。黄河站实测极光资料验证了该方法的有效性。利用越来越多的极光数据伪地真,通过细化极光图像的上下文特征,逐步改进估计的运动场结果。通过迭代伪真值学习,可以有效地减小估计误差。
{"title":"Weakly-Supervised Estimation of Auroral Motion Field Via Iterative Pseudo Ground Truth Learning","authors":"Qianqian Wang, Qiqi Fan, Yanyu Mao","doi":"10.1145/3573942.3574096","DOIUrl":"https://doi.org/10.1145/3573942.3574096","url":null,"abstract":"The small scale auroral structure is a far less explored field. Provided by auroral images which record the vivid auroral behaviors with satisfied temporal and spatial resolution, we are devoted to studying local auroral motions and the fine scale auroral activities. In order to estimate the auroral motion field, the method of optical flow is introduced to analyze auroral motion. However, the technology requires expensive dense annotations while training the network. Leveraged between the strong learning ability of the fully-supervised deep learning methods and the uncertainty of auroral data, we propose an iterative ground-truth learning approach to mine the pixel-level pseudo ground truth for auroral motion. Specifically, we first train a fully-supervised estimator on synthetic data via the Recurrent All-Pairs Field Transforms (RAFT) algorithm. The reconstructability and robustness of the estimated motion field are used as the criteria to measure applicability of the fully-supervised estimator for auroral images. Then, the mined motion fields as pseudo ground truths are in turn fed into the RAFT algorithms to fine-tune the fully-supervised estimator again, which is iterated until the high-quality pseudo ground truths for auroral data are found. Experiments on auroral data from the Yellow River Station demonstrate the effectiveness of our method. More and more pseudo ground truths of auroral data are used to gradually improve the estimated motion field results by refining the contextual features of auroral images. With iterative pseudo ground truth learning, estimated errors can be reduced effectively.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"184 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127590778","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
A New Visual & Inertial Based Satellite Quality Evaluation Method 一种基于视觉和惯性的卫星质量评价新方法
Pi Qiao, Ruichen Wu, Lei Sun, Dongfang Yang
Visual and inertial navigation have obvious complementarity in navigation accuracy, and the combined navigation of the two has excellent anti-interference ability. In this paper, a visual-inertial-based satellite quality evaluation method is proposed. This method can judge whether the GPS (Global Positioning System) is interfered by comparing the visual-inertial navigation information with the GPS data information in the geographic coordinate system. This method enables the UAV to quickly switch the navigation mode under the condition of being disturbed, which ensures that the navigation function is accurate and free from interference, and provides a more solid foundation for the navigation of the UAV and other platforms.
视觉导航和惯性导航在导航精度上具有明显的互补性,两者结合导航具有优异的抗干扰能力。提出了一种基于视觉惯性的卫星质量评价方法。该方法通过对比视觉惯性导航信息与地理坐标系下的GPS数据信息,判断GPS是否受到干扰。该方法使无人机能够在受到干扰的情况下快速切换导航模式,保证了导航功能的准确和不受干扰,为无人机和其他平台的导航提供了更坚实的基础。
{"title":"A New Visual & Inertial Based Satellite Quality Evaluation Method","authors":"Pi Qiao, Ruichen Wu, Lei Sun, Dongfang Yang","doi":"10.1145/3573942.3573994","DOIUrl":"https://doi.org/10.1145/3573942.3573994","url":null,"abstract":"Visual and inertial navigation have obvious complementarity in navigation accuracy, and the combined navigation of the two has excellent anti-interference ability. In this paper, a visual-inertial-based satellite quality evaluation method is proposed. This method can judge whether the GPS (Global Positioning System) is interfered by comparing the visual-inertial navigation information with the GPS data information in the geographic coordinate system. This method enables the UAV to quickly switch the navigation mode under the condition of being disturbed, which ensures that the navigation function is accurate and free from interference, and provides a more solid foundation for the navigation of the UAV and other platforms.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"26 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127867720","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
UAV Visual Localization Technology Based on Heterogenous Remote Sensing Image Matching 基于异构遥感影像匹配的无人机视觉定位技术
Haoyang Tang, Jiakun Shi, Xin Miao, Ruichen Wu, Dongfang Yang
At present, the positioning function of intelligent UAVs mainly uses GPS technology, and GPS signals are susceptible to environmental and electromagnetic interference factors. In this paper, we combine remote sensing image processing with image matching algorithms to propose a GPS-independent visual localization technique for UAVs. First, the VGG16 network is used as the feature extraction backbone network, and the backbone network is designed and optimized for the characteristics of heterogenous remote sensing images. Secondly, a feature point screening and matching strategy is constructed, by which common feature points between heterogeneous remote sensing images can be screened and used for feature matching. Finally, the remote sensing image containing geographic location information and the UAV aerial image are fed into the network for feature extraction and matching, and the transformation matrix between the aligned images is calculated by the successfully matched feature points, and the transformation matrix is used to complete the mapping from the aerial image to the satellite image, and finally the geographic location information of each pixel can be read from the mapped image to complete the localization.
目前,智能无人机的定位功能主要采用GPS技术,GPS信号容易受到环境和电磁干扰因素的影响。本文将遥感图像处理与图像匹配算法相结合,提出了一种与gps无关的无人机视觉定位技术。首先,采用VGG16网络作为特征提取骨干网,并针对异构遥感图像的特点对骨干网进行了设计和优化;其次,构建了一种特征点筛选与匹配策略,利用该策略筛选异构遥感影像之间的共同特征点进行特征匹配;最后,将包含地理位置信息的遥感图像与无人机航拍图像馈送到网络中进行特征提取与匹配,通过匹配成功的特征点计算对齐图像之间的变换矩阵,利用变换矩阵完成航拍图像到卫星图像的映射。最后从映射图像中读取各像素点的地理位置信息,完成定位。
{"title":"UAV Visual Localization Technology Based on Heterogenous Remote Sensing Image Matching","authors":"Haoyang Tang, Jiakun Shi, Xin Miao, Ruichen Wu, Dongfang Yang","doi":"10.1145/3573942.3574094","DOIUrl":"https://doi.org/10.1145/3573942.3574094","url":null,"abstract":"At present, the positioning function of intelligent UAVs mainly uses GPS technology, and GPS signals are susceptible to environmental and electromagnetic interference factors. In this paper, we combine remote sensing image processing with image matching algorithms to propose a GPS-independent visual localization technique for UAVs. First, the VGG16 network is used as the feature extraction backbone network, and the backbone network is designed and optimized for the characteristics of heterogenous remote sensing images. Secondly, a feature point screening and matching strategy is constructed, by which common feature points between heterogeneous remote sensing images can be screened and used for feature matching. Finally, the remote sensing image containing geographic location information and the UAV aerial image are fed into the network for feature extraction and matching, and the transformation matrix between the aligned images is calculated by the successfully matched feature points, and the transformation matrix is used to complete the mapping from the aerial image to the satellite image, and finally the geographic location information of each pixel can be read from the mapped image to complete the localization.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"55 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124511423","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
Multi-instance learning anomaly event detection based on Transformer 基于Transformer的多实例学习异常事件检测
Feifei Qin, Yuelei Xiao
Multi-instance learning (MIL) is the dominant approach for weakly supervised anomaly detection in surveillance videos. The shortcomings of using the features extracted by networks such as Convolutional 3D (C3D) or inflated 3D-ConvNet (I3D) alone to extract video context features have prompted the emergence of various abnormal event detection algorithms based on attention mechanisms. Vision Transformer (ViT) applies transformer to the field of computer vision for the first time and demonstrates its superior performance. In this paper, we propose a multi-instance learning anomaly event detection method based on Transformer, called MIL-ViT, which uses an inflated I3D pre-training model to extract Spatio-temporal features, and then inputs features into the ViT encoder to extract the particular salient pieces of information, and the anomaly scores are obtained. Furthermore, we introduce the MIL ranking loss and the center loss function for better training. The experimental results on two benchmark datasets (i.e. ShanghaiTech and UCF-Crime) show that the AUC value of our method is significantly improved compared with several state-of-the-art methods in recent years.
多实例学习(MIL)是监控视频弱监督异常检测的主流方法。单独使用卷积3D (C3D)或膨胀3D- convnet (I3D)等网络提取的特征提取视频上下文特征的缺点促使各种基于注意机制的异常事件检测算法出现。视觉变压器(Vision Transformer, ViT)首次将变压器应用于计算机视觉领域,并展示了其优越的性能。本文提出了一种基于Transformer的多实例学习异常事件检测方法MIL-ViT,该方法利用膨胀的I3D预训练模型提取时空特征,然后将特征输入到ViT编码器中提取特定的显著信息片段,从而获得异常分数。此外,为了更好地训练,我们引入了MIL排序损失和中心损失函数。在ShanghaiTech和UCF-Crime两个基准数据集上的实验结果表明,与近年来几种最先进的方法相比,我们的方法的AUC值有了显著提高。
{"title":"Multi-instance learning anomaly event detection based on Transformer","authors":"Feifei Qin, Yuelei Xiao","doi":"10.1145/3573942.3574104","DOIUrl":"https://doi.org/10.1145/3573942.3574104","url":null,"abstract":"Multi-instance learning (MIL) is the dominant approach for weakly supervised anomaly detection in surveillance videos. The shortcomings of using the features extracted by networks such as Convolutional 3D (C3D) or inflated 3D-ConvNet (I3D) alone to extract video context features have prompted the emergence of various abnormal event detection algorithms based on attention mechanisms. Vision Transformer (ViT) applies transformer to the field of computer vision for the first time and demonstrates its superior performance. In this paper, we propose a multi-instance learning anomaly event detection method based on Transformer, called MIL-ViT, which uses an inflated I3D pre-training model to extract Spatio-temporal features, and then inputs features into the ViT encoder to extract the particular salient pieces of information, and the anomaly scores are obtained. Furthermore, we introduce the MIL ranking loss and the center loss function for better training. The experimental results on two benchmark datasets (i.e. ShanghaiTech and UCF-Crime) show that the AUC value of our method is significantly improved compared with several state-of-the-art methods in recent years.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"34 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124515263","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 Mental Illness Lead to Dismissal? From a Causal Machine Learning Perspective 精神疾病会导致解雇吗?从因果机器学习的角度
Yuan Feng
Causal inference has been used extensively in health, economics, policy research, and other fields. With the introduction of the Neyman-Rubin framework in 1974, more scholars began to realize that correlation between variables is not equivalent to causation, and therefore, relying too heavily on statistical correlation methods to model can lead to serious theoretical flaws. In this paper, we use data on the work of people with mental illness to analyze whether society treats people with mental illness equally, use propensity score matching (PSM) method to reduce the dimensionality of covariates, and estimate the causal effect of having a mental illness on hiring rates. Our study shows that the covariates can all be well balanced after the implementation of PSM and that employees with mental illness have a 5.8% greater likelihood of leading to dismissal compared to employees in the general population.
因果推理已广泛应用于卫生、经济、政策研究等领域。随着1974年Neyman-Rubin框架的引入,越来越多的学者开始意识到变量之间的相关性并不等同于因果关系,因此过于依赖统计相关方法进行建模会导致严重的理论缺陷。本文利用精神疾病患者的工作数据,分析社会对精神疾病患者是否平等对待,使用倾向得分匹配(PSM)方法对协变量进行降维,并估计精神疾病对就业率的因果影响。我们的研究表明,实施PSM后,协变量都可以很好地平衡,与一般人群相比,患有精神疾病的员工被解雇的可能性高出5.8%。
{"title":"Can Mental Illness Lead to Dismissal? From a Causal Machine Learning Perspective","authors":"Yuan Feng","doi":"10.1145/3573942.3573950","DOIUrl":"https://doi.org/10.1145/3573942.3573950","url":null,"abstract":"Causal inference has been used extensively in health, economics, policy research, and other fields. With the introduction of the Neyman-Rubin framework in 1974, more scholars began to realize that correlation between variables is not equivalent to causation, and therefore, relying too heavily on statistical correlation methods to model can lead to serious theoretical flaws. In this paper, we use data on the work of people with mental illness to analyze whether society treats people with mental illness equally, use propensity score matching (PSM) method to reduce the dimensionality of covariates, and estimate the causal effect of having a mental illness on hiring rates. Our study shows that the covariates can all be well balanced after the implementation of PSM and that employees with mental illness have a 5.8% greater likelihood of leading to dismissal compared to employees in the general population.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"101 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124633686","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
Robust Principal Component Analysis Based on Globally-convergent Iteratively Reweighted Least Squares 基于全局收敛迭代加权最小二乘的鲁棒主成分分析
Weihao Li, Jiu-lun Fan, Xiao-bin Zhi, Xurui Luo
Classical Robust Principal Component Analysis (RPCA) uses the singular value threshold operator (SVT) to solve for the convex approximation of the nuclear norm with respect to the rank of a matrix. However, when the matrix size is large, the SVT operator has a slow convergent speed and high computational complexity. To solve the above problems, in this paper, we propose a Robust principal component analysis algorithm based on Global-convergent Iteratively Reweighted Least Squares (RPCA/GIRLS). In the first stage, the low-rank matrix in the original RPCA model is decomposed into two column-sparse matrix factor products, and the two matrix factors are solved via alternating iteratively reweighted least squares algorithms (AIRLS), thus reducing the computational complexity. However, since the AIRLS is sensitive to the initialization, the updated matrix factor in the first stage is used as the new input data matrix in the second stage, and the matrix factor is updated by the gradient descent step, and finally the optimal low-rank matrix that satisfies the global convergent conditions is obtained. We have conducted extensive experiments on six public video data sets, by comparing the background separation effects of these six videos and calculating their quantitative evaluation indexes, the effectiveness and superiority of the proposed algorithm are verified from both subjective and objective perspectives.
经典鲁棒主成分分析(RPCA)采用奇异值阈值算子(SVT)求解核范数相对于矩阵秩的凸逼近。然而,当矩阵大小较大时,SVT算子收敛速度慢,计算复杂度高。为了解决上述问题,本文提出了一种基于全局收敛迭代加权最小二乘(RPCA/GIRLS)的鲁棒主成分分析算法。第一阶段,将原RPCA模型中的低秩矩阵分解为两个列稀疏矩阵因子积,并通过交替迭代重加权最小二乘算法(AIRLS)求解两个矩阵因子,从而降低了计算复杂度。然而,由于AIRLS对初始化敏感,将第一阶段更新的矩阵因子作为第二阶段新的输入数据矩阵,并通过梯度下降步更新矩阵因子,最终得到满足全局收敛条件的最优低秩矩阵。我们在6个公开的视频数据集上进行了大量的实验,通过对比这6个视频的背景分离效果,并计算其定量评价指标,从主观和客观两个角度验证了本文算法的有效性和优越性。
{"title":"Robust Principal Component Analysis Based on Globally-convergent Iteratively Reweighted Least Squares","authors":"Weihao Li, Jiu-lun Fan, Xiao-bin Zhi, Xurui Luo","doi":"10.1145/3573942.3574101","DOIUrl":"https://doi.org/10.1145/3573942.3574101","url":null,"abstract":"Classical Robust Principal Component Analysis (RPCA) uses the singular value threshold operator (SVT) to solve for the convex approximation of the nuclear norm with respect to the rank of a matrix. However, when the matrix size is large, the SVT operator has a slow convergent speed and high computational complexity. To solve the above problems, in this paper, we propose a Robust principal component analysis algorithm based on Global-convergent Iteratively Reweighted Least Squares (RPCA/GIRLS). In the first stage, the low-rank matrix in the original RPCA model is decomposed into two column-sparse matrix factor products, and the two matrix factors are solved via alternating iteratively reweighted least squares algorithms (AIRLS), thus reducing the computational complexity. However, since the AIRLS is sensitive to the initialization, the updated matrix factor in the first stage is used as the new input data matrix in the second stage, and the matrix factor is updated by the gradient descent step, and finally the optimal low-rank matrix that satisfies the global convergent conditions is obtained. We have conducted extensive experiments on six public video data sets, by comparing the background separation effects of these six videos and calculating their quantitative evaluation indexes, the effectiveness and superiority of the proposed algorithm are verified from both subjective and objective perspectives.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"20 3 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"116982018","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
Research on Task Offloading Based on Deep Reinforcement Learning for Internet of Vehicles 基于深度强化学习的车联网任务卸载研究
Yaoping Zeng, Yanwei Hu, Ting Yang
Mobile Edge Computing (MEC) is a promising technology that facilitates the computational offloading and resource allocation in the Internet of Vehicles (IoV) environment. When the mobile device is not capable enough to meet its own demands for data processing, the task will be offloaded to the MEC server, which can effectively relieve the network pressure, meet the multi-task computing requirements, and ensure the quality of service (QoS). Via multi-user and multi-MEC servers, this paper proposes the Q-Learning task offloading strategy based on the improved deep reinforcement learning policy(IDRLP) to obtain an optimal strategy for task offloading and resource allocation. Simulation results suggest that the proposed algorithm compared with other benchmark schemes has better performance in terms of delay, energy consumption and system weighted cost, even with different tasks, users and data sizes.
移动边缘计算(MEC)是一项很有前途的技术,可以促进车联网(IoV)环境下的计算卸载和资源分配。当移动设备无法满足自身数据处理需求时,将任务卸载给MEC服务器,可以有效缓解网络压力,满足多任务计算需求,保证服务质量(QoS)。通过多用户和多mec服务器,提出了基于改进深度强化学习策略(IDRLP)的Q-Learning任务卸载策略,以获得任务卸载和资源分配的最优策略。仿真结果表明,即使在不同的任务、用户和数据大小下,与其他基准方案相比,所提出的算法在延迟、能耗和系统加权代价方面具有更好的性能。
{"title":"Research on Task Offloading Based on Deep Reinforcement Learning for Internet of Vehicles","authors":"Yaoping Zeng, Yanwei Hu, Ting Yang","doi":"10.1145/3573942.3573987","DOIUrl":"https://doi.org/10.1145/3573942.3573987","url":null,"abstract":"Mobile Edge Computing (MEC) is a promising technology that facilitates the computational offloading and resource allocation in the Internet of Vehicles (IoV) environment. When the mobile device is not capable enough to meet its own demands for data processing, the task will be offloaded to the MEC server, which can effectively relieve the network pressure, meet the multi-task computing requirements, and ensure the quality of service (QoS). Via multi-user and multi-MEC servers, this paper proposes the Q-Learning task offloading strategy based on the improved deep reinforcement learning policy(IDRLP) to obtain an optimal strategy for task offloading and resource allocation. Simulation results suggest that the proposed algorithm compared with other benchmark schemes has better performance in terms of delay, energy consumption and system weighted cost, even with different tasks, users and data sizes.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"24 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"121796934","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
Design and Implementation of Different Types of Window Functions Based on FPGA 基于FPGA的不同类型窗口函数的设计与实现
J. Xue, Dongming Xu, Wei Yang
In practical engineering design, we often need to carry out spectral analysis of the digital signal, which requires the use of Fourier transform, and it is defined as the spectral analysis of infinite long continuous time-domain signal. Because the computer cannot process and analyze the infinite time signal, it can only calculate the discrete signal of a limited number of points, so it needs to truncate the input signal of system. However, the truncation of signal will cause spectral leakage, resulting in incorrect spectral analysis of the signal. Although the spectral leakage cannot be completely eliminated theoretically, the window function method can suppress its influence. By adding different window functions to the signal, the spectral leakage can be greatly reduced, but the degree of reduction is different. This paper mainly studies the type of different window functions, and the algorithm principle and implementation of window function is realized by using CORDIC algorithm was proposed, by using field programmable logic gate array (FPGA) to complete the real-time signal processing, gives a specific design and implementation, and finished the system function simulation on Vivado platform under Xlinx. The results of MATLAB simulation and system function simulation are compared to verify the feasibility of the design scheme.
在实际工程设计中,我们经常需要对数字信号进行频谱分析,这就需要用到傅立叶变换,它被定义为对无限长的连续时域信号进行频谱分析。由于计算机不能处理和分析无限的时间信号,只能计算有限个数点的离散信号,因此需要截断系统的输入信号。但是,信号的截断会造成频谱泄漏,导致信号的频谱分析不正确。虽然光谱泄漏在理论上不能完全消除,但窗函数法可以抑制其影响。通过在信号中加入不同的窗函数,可以大大降低频谱泄漏,但降低的程度不同。本文主要研究了不同窗口函数的类型,并提出了窗口函数的算法原理和实现方法,采用CORDIC算法实现窗口函数,利用现场可编程逻辑门阵列(FPGA)完成实时信号处理,给出了具体的设计和实现,并在Xlinx下的Vivado平台上完成了系统功能仿真。将MATLAB仿真结果与系统功能仿真结果进行对比,验证了设计方案的可行性。
{"title":"Design and Implementation of Different Types of Window Functions Based on FPGA","authors":"J. Xue, Dongming Xu, Wei Yang","doi":"10.1145/3573942.3574114","DOIUrl":"https://doi.org/10.1145/3573942.3574114","url":null,"abstract":"In practical engineering design, we often need to carry out spectral analysis of the digital signal, which requires the use of Fourier transform, and it is defined as the spectral analysis of infinite long continuous time-domain signal. Because the computer cannot process and analyze the infinite time signal, it can only calculate the discrete signal of a limited number of points, so it needs to truncate the input signal of system. However, the truncation of signal will cause spectral leakage, resulting in incorrect spectral analysis of the signal. Although the spectral leakage cannot be completely eliminated theoretically, the window function method can suppress its influence. By adding different window functions to the signal, the spectral leakage can be greatly reduced, but the degree of reduction is different. This paper mainly studies the type of different window functions, and the algorithm principle and implementation of window function is realized by using CORDIC algorithm was proposed, by using field programmable logic gate array (FPGA) to complete the real-time signal processing, gives a specific design and implementation, and finished the system function simulation on Vivado platform under Xlinx. The results of MATLAB simulation and system function simulation are compared to verify the feasibility of the design scheme.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"11 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122422657","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 Sentiment Analysis for Social Media 基于深度学习的社交媒体情感分析
Zhe Wang, Ying Liu, Jie Fang, Da-xiang Li
Due to the continuous popularization of the Internet and mobile phones, people have gradually entered a participatory network era, and the rapid growth of social networks has caused an explosion of digital information content. It has turned online opinions, blogs, tweets and posts into highly valuable assets, allowing governments and businesses to gain insights from the data and make their strategies. Business organizations need to process and analyze these sentiments to investigate the data and gain business insights. In recent years, deep learning techniques have been very successful in performing sentiment analysis, which offers automatic feature extraction, rich representation capabilities and better performance compared with traditional feature-based techniques. The core idea is to extract complex features automatically from large amounts of data by building deep neural networks to generate up-to-date predictions. This paper reviews social media sentiment analysis methods based on deep learning. Firstly, it introduces the process of single-modal text sentiment analysis on social media. Then it summarizes the multimodal sentiment analysis algorithms for social media, and divides the algorithm into feature layer fusion, decision layer fusion and linear regression model according to different fusion strategies. finally, the difficulties of social media sentiment analysis based on deep learning and future research directions are discussed.
由于互联网和手机的不断普及,人们逐渐进入了参与式网络时代,社交网络的快速增长导致了数字信息内容的爆炸式增长。它将网上的观点、博客、推文和帖子变成了非常有价值的资产,使政府和企业能够从数据中获得洞察力并制定战略。业务组织需要处理和分析这些情绪,以调查数据并获得业务洞察力。近年来,深度学习技术在情感分析方面取得了很大的成功,与传统的基于特征的技术相比,深度学习技术提供了自动特征提取、丰富的表征能力和更好的性能。其核心思想是通过构建深度神经网络,从大量数据中自动提取复杂特征,从而生成最新的预测。本文综述了基于深度学习的社交媒体情感分析方法。首先,介绍了社交媒体上单模态文本情感分析的过程。然后总结了社交媒体的多模态情感分析算法,并根据融合策略的不同将算法分为特征层融合、决策层融合和线性回归模型。最后,讨论了基于深度学习的社交媒体情感分析的难点和未来的研究方向。
{"title":"Deep Learning-Based Sentiment Analysis for Social Media","authors":"Zhe Wang, Ying Liu, Jie Fang, Da-xiang Li","doi":"10.1145/3573942.3573947","DOIUrl":"https://doi.org/10.1145/3573942.3573947","url":null,"abstract":"Due to the continuous popularization of the Internet and mobile phones, people have gradually entered a participatory network era, and the rapid growth of social networks has caused an explosion of digital information content. It has turned online opinions, blogs, tweets and posts into highly valuable assets, allowing governments and businesses to gain insights from the data and make their strategies. Business organizations need to process and analyze these sentiments to investigate the data and gain business insights. In recent years, deep learning techniques have been very successful in performing sentiment analysis, which offers automatic feature extraction, rich representation capabilities and better performance compared with traditional feature-based techniques. The core idea is to extract complex features automatically from large amounts of data by building deep neural networks to generate up-to-date predictions. This paper reviews social media sentiment analysis methods based on deep learning. Firstly, it introduces the process of single-modal text sentiment analysis on social media. Then it summarizes the multimodal sentiment analysis algorithms for social media, and divides the algorithm into feature layer fusion, decision layer fusion and linear regression model according to different fusion strategies. finally, the difficulties of social media sentiment analysis based on deep learning and future research directions are discussed.","PeriodicalId":103293,"journal":{"name":"Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition","volume":"90 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2022-09-23","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130863295","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
期刊
Proceedings of the 2022 5th International Conference on Artificial Intelligence and Pattern Recognition
全部 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