期刊文献+
共找到1,639篇文章
< 1 2 82 >
每页显示 20 50 100
Lightweight Multi-Resolution Network for Human Pose Estimation
1
作者 Pengxin Li Rong Wang +2 位作者 Wenjing Zhang Yinuo Liu Chenyue Xu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2239-2255,共17页
Human pose estimation aims to localize the body joints from image or video data.With the development of deeplearning,pose estimation has become a hot research topic in the field of computer vision.In recent years,huma... Human pose estimation aims to localize the body joints from image or video data.With the development of deeplearning,pose estimation has become a hot research topic in the field of computer vision.In recent years,humanpose estimation has achieved great success in multiple fields such as animation and sports.However,to obtainaccurate positioning results,existing methods may suffer from large model sizes,a high number of parameters,and increased complexity,leading to high computing costs.In this paper,we propose a new lightweight featureencoder to construct a high-resolution network that reduces the number of parameters and lowers the computingcost.We also introduced a semantic enhancement module that improves global feature extraction and networkperformance by combining channel and spatial dimensions.Furthermore,we propose a dense connected spatialpyramid pooling module to compensate for the decrease in image resolution and information loss in the network.Finally,ourmethod effectively reduces the number of parameters and complexitywhile ensuring high performance.Extensive experiments show that our method achieves a competitive performance while dramatically reducing thenumber of parameters,and operational complexity.Specifically,our method can obtain 89.9%AP score on MPIIVAL,while the number of parameters and the complexity of operations were reduced by 41%and 36%,respectively. 展开更多
关键词 LIGHTWEIGHT human pose estimation keypoint detection high resolution network
下载PDF
Abnormal Action Recognition with Lightweight Pose Estimation Network in Electric Power Training Scene
2
作者 Yunfeng Cai Ran Qin +3 位作者 Jin Tang Long Zhang Xiaotian Bi Qing Yang 《Computers, Materials & Continua》 SCIE EI 2024年第6期4979-4994,共16页
Electric power training is essential for ensuring the safety and reliability of the system.In this study,we introduce a novel Abnormal Action Recognition(AAR)system that utilizes a Lightweight Pose Estimation Network(... Electric power training is essential for ensuring the safety and reliability of the system.In this study,we introduce a novel Abnormal Action Recognition(AAR)system that utilizes a Lightweight Pose Estimation Network(LPEN)to efficiently and effectively detect abnormal fall-down and trespass incidents in electric power training scenarios.The LPEN network,comprising three stages—MobileNet,Initial Stage,and Refinement Stage—is employed to swiftly extract image features,detect human key points,and refine them for accurate analysis.Subsequently,a Pose-aware Action Analysis Module(PAAM)captures the positional coordinates of human skeletal points in each frame.Finally,an Abnormal Action Inference Module(AAIM)evaluates whether abnormal fall-down or unauthorized trespass behavior is occurring.For fall-down recognition,three criteria—falling speed,main angles of skeletal points,and the person’s bounding box—are considered.To identify unauthorized trespass,emphasis is placed on the position of the ankles.Extensive experiments validate the effectiveness and efficiency of the proposed system in ensuring the safety and reliability of electric power training. 展开更多
关键词 Abnormal action recognition action recognition lightweight pose estimation electric power training
下载PDF
DAUNet: Detail-Aware U-Shaped Network for 2D Human Pose Estimation
3
作者 Xi Li Yuxin Li +2 位作者 Zhenhua Xiao Zhenghua Huang Lianying Zou 《Computers, Materials & Continua》 SCIE EI 2024年第11期3325-3349,共25页
Human pose estimation is a critical research area in the field of computer vision,playing a significant role in applications such as human-computer interaction,behavior analysis,and action recognition.In this paper,we... Human pose estimation is a critical research area in the field of computer vision,playing a significant role in applications such as human-computer interaction,behavior analysis,and action recognition.In this paper,we propose a U-shaped keypoint detection network(DAUNet)based on an improved ResNet subsampling structure and spatial grouping mechanism.This network addresses key challenges in traditional methods,such as information loss,large network redundancy,and insufficient sensitivity to low-resolution features.DAUNet is composed of three main components.First,we introduce an improved BottleNeck block that employs partial convolution and strip pooling to reduce computational load and mitigate feature loss.Second,after upsampling,the network eliminates redundant features,improving the overall efficiency.Finally,a lightweight spatial grouping attention mechanism is applied to enhance low-resolution semantic features within the feature map,allowing for better restoration of the original image size and higher accuracy.Experimental results demonstrate that DAUNet achieves superior accuracy compared to most existing keypoint detection models,with a mean PCKh@0.5 score of 91.6%on the MPII dataset and an AP of 76.1%on the COCO dataset.Moreover,real-world experiments further validate the robustness and generalizability of DAUNet for detecting human bodies in unknown environments,highlighting its potential for broader applications. 展开更多
关键词 Human pose estimation keypoint detection U-shaped network architecture spatial grouping mechanism
下载PDF
Movement Function Assessment Based on Human Pose Estimation from Multi-View
4
作者 Lingling Chen Tong Liu +1 位作者 Zhuo Gong Ding Wang 《Computer Systems Science & Engineering》 2024年第2期321-339,共19页
Human pose estimation is a basic and critical task in the field of computer vision that involves determining the position(or spatial coordinates)of the joints of the human body in a given image or video.It is widely u... Human pose estimation is a basic and critical task in the field of computer vision that involves determining the position(or spatial coordinates)of the joints of the human body in a given image or video.It is widely used in motion analysis,medical evaluation,and behavior monitoring.In this paper,the authors propose a method for multi-view human pose estimation.Two image sensors were placed orthogonally with respect to each other to capture the pose of the subject as they moved,and this yielded accurate and comprehensive results of three-dimensional(3D)motion reconstruction that helped capture their multi-directional poses.Following this,we propose a method based on 3D pose estimation to assess the similarity of the features of motion of patients with motor dysfunction by comparing differences between their range of motion and that of normal subjects.We converted these differences into Fugl–Meyer assessment(FMA)scores in order to quantify them.Finally,we implemented the proposed method in the Unity framework,and built a Virtual Reality platform that provides users with human–computer interaction to make the task more enjoyable for them and ensure their active participation in the assessment process.The goal is to provide a suitable means of assessing movement disorders without requiring the immediate supervision of a physician. 展开更多
关键词 Human pose estimation 3D pose reconstruction assessment of movement function plane of features of human motion
下载PDF
基于改进OpenPose网络的交通警察姿态估计
5
作者 伍锡如 陈麒 《计算机应用与软件》 北大核心 2025年第1期90-95,101,共7页
针对交警姿态估计存在的特征提取困难、实时性差等问题,提出一种改进的OpenPose网络交警姿态估计方法。采用MobileNet作为主干网络进行交警姿态的特征提取,解决模型随层次加深导致网络退化的问题,减少网络的参数量,加速主干网络内部特... 针对交警姿态估计存在的特征提取困难、实时性差等问题,提出一种改进的OpenPose网络交警姿态估计方法。采用MobileNet作为主干网络进行交警姿态的特征提取,解决模型随层次加深导致网络退化的问题,减少网络的参数量,加速主干网络内部特征的计算。通过跳跃连接机制将模型并行结构改进为串并同行结构,实现网络内部参数共享,降低模型的复杂度,提高检测实时性。实验结果表明,改进模型在COCO数据集以及公开交警数据集上分别获得78.9%和74.9%的mAP,检测速度可达25帧/s,为交通警察姿态估计问题提供了一种鲁棒性强、实时性高的实际应用方法。 展开更多
关键词 深度学习 交通警察姿态估计 Openpose MobileNet
下载PDF
Multi-Residual Module Stacked Hourglass Networks for Human Pose Estimation 被引量:6
6
作者 Wenxia Bao Yaping Yang +1 位作者 Dong Liang Ming Zhu 《Journal of Beijing Institute of Technology》 EI CAS 2020年第1期110-119,共10页
A multi-residual module stacked hourglass network(MRSH)was proposed to improve the accuracy and robustness of human body pose estimation.The network uses multiple hourglass sub-networks and three new residual modules.... A multi-residual module stacked hourglass network(MRSH)was proposed to improve the accuracy and robustness of human body pose estimation.The network uses multiple hourglass sub-networks and three new residual modules.In the hourglass sub-network,the large receptive field residual module(LRFRM)and the multi-scale residual module(MSRM)are first used to learn the spatial relationship between features and body parts at various scales.Only the improved residual module(IRM)is used when the resolution is minimized.The final network uses four stacked hourglass sub-networks,with intermediate supervision at the end of each hourglass,repeating high-low(from high resolution to low resolution)and low-high(from low resolution to high resolution)learning.The network was tested on the public datasets of Leeds sports poses(LSP)and MPII human pose.The experimental results show that the proposed network has better performance in human pose estimation. 展开更多
关键词 human pose estimation RESIDUAL learning image FEATURE HOURGLASS network
下载PDF
Overfitting Reduction of Pose Estimation for Deep Learning Visual Odometry 被引量:4
7
作者 Xiaohan Yang Xiaojuan Li +2 位作者 Yong Guan Jiadong Song Rui Wang 《China Communications》 SCIE CSCD 2020年第6期196-210,共15页
Error or drift is frequently produced in pose estimation based on geometric"feature detection and tracking"monocular visual odometry(VO)when the speed of camera movement exceeds 1.5 m/s.While,in most VO meth... Error or drift is frequently produced in pose estimation based on geometric"feature detection and tracking"monocular visual odometry(VO)when the speed of camera movement exceeds 1.5 m/s.While,in most VO methods based on deep learning,weight factors are in the form of fixed values,which are easy to lead to overfitting.A new measurement system,for monocular visual odometry,named Deep Learning Visual Odometry(DLVO),is proposed based on neural network.In this system,Convolutional Neural Network(CNN)is used to extract feature and perform feature matching.Moreover,Recurrent Neural Network(RNN)is used for sequence modeling to estimate camera’s 6-dof poses.Instead of fixed weight values of CNN,Bayesian distribution of weight factors are introduced in order to effectively solve the problem of network overfitting.The 18,726 frame images in KITTI dataset are used for training network.This system can increase the generalization ability of network model in prediction process.Compared with original Recurrent Convolutional Neural Network(RCNN),our method can reduce the loss of test model by 5.33%.And it’s an effective method in improving the robustness of translation and rotation information than traditional VO methods. 展开更多
关键词 visual odometry neural network pose estimation bayesian distribution OVERFITTING
下载PDF
Construction Activity Analysis of Workers Based on Human Posture Estimation Information
8
作者 Xuhong Zhou Shuai Li +2 位作者 Jiepeng Liu Zhou Wu Yohchia Frank Chen 《Engineering》 SCIE EI CAS CSCD 2024年第2期225-236,共12页
Identifying workers’construction activities or behaviors can enable managers to better monitor labor efficiency and construction progress.However,current activity analysis methods for construction workers rely solely... Identifying workers’construction activities or behaviors can enable managers to better monitor labor efficiency and construction progress.However,current activity analysis methods for construction workers rely solely on manual observations and recordings,which consumes considerable time and has high labor costs.Researchers have focused on monitoring on-site construction activities of workers.However,when multiple workers are working together,current research cannot accu rately and automatically identify the construction activity.This research proposes a deep learning framework for the automated analysis of the construction activities of multiple workers.In this framework,multiple deep neural network models are designed and used to complete worker key point extraction,worker tracking,and worker construction activity analysis.The designed framework was tested at an actual construction site,and activity recognition for multiple workers was performed,indicating the feasibility of the framework for the automated monitoring of work efficiency. 展开更多
关键词 pose estimation Activity analysis Object tracking Construction workers Automatic systems
下载PDF
Human Pose Estimation and Object Interaction for Sports Behaviour 被引量:3
9
作者 Ayesha Arif Yazeed Yasin Ghadi +3 位作者 Mohammed Alarfaj Ahmad Jalal Shaharyar Kamal Dong-Seong Kim 《Computers, Materials & Continua》 SCIE EI 2022年第7期1-18,共18页
In the new era of technology,daily human activities are becoming more challenging in terms of monitoring complex scenes and backgrounds.To understand the scenes and activities from human life logs,human-object interac... In the new era of technology,daily human activities are becoming more challenging in terms of monitoring complex scenes and backgrounds.To understand the scenes and activities from human life logs,human-object interaction(HOI)is important in terms of visual relationship detection and human pose estimation.Activities understanding and interaction recognition between human and object along with the pose estimation and interaction modeling have been explained.Some existing algorithms and feature extraction procedures are complicated including accurate detection of rare human postures,occluded regions,and unsatisfactory detection of objects,especially small-sized objects.The existing HOI detection techniques are instancecentric(object-based)where interaction is predicted between all the pairs.Such estimation depends on appearance features and spatial information.Therefore,we propose a novel approach to demonstrate that the appearance features alone are not sufficient to predict the HOI.Furthermore,we detect the human body parts by using the Gaussian Matric Model(GMM)followed by object detection using YOLO.We predict the interaction points which directly classify the interaction and pair them with densely predicted HOI vectors by using the interaction algorithm.The interactions are linked with the human and object to predict the actions.The experiments have been performed on two benchmark HOI datasets demonstrating the proposed approach. 展开更多
关键词 Human object interaction human pose estimation object detection sports estimation sports prediction
下载PDF
Toward Coordination Control of Multiple Fish-Like Robots:Real-Time Vision-Based Pose Estimation and Tracking via Deep Neural Networks 被引量:2
10
作者 Tianhao Zhang Jiuhong Xiao +2 位作者 Liang Li Chen Wang Guangming Xie 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第12期1964-1976,共13页
Controlling multiple multi-joint fish-like robots has long captivated the attention of engineers and biologists,for which a fundamental but challenging topic is to robustly track the postures of the individuals in rea... Controlling multiple multi-joint fish-like robots has long captivated the attention of engineers and biologists,for which a fundamental but challenging topic is to robustly track the postures of the individuals in real time.This requires detecting multiple robots,estimating multi-joint postures,and tracking identities,as well as processing fast in real time.To the best of our knowledge,this challenge has not been tackled in the previous studies.In this paper,to precisely track the planar postures of multiple swimming multi-joint fish-like robots in real time,we propose a novel deep neural network-based method,named TAB-IOL.Its TAB part fuses the top-down and bottom-up approaches for vision-based pose estimation,while the IOL part with long short-term memory considers the motion constraints among joints for precise pose tracking.The satisfying performance of our TAB-IOL is verified by testing on a group of freely swimming fish-like robots in various scenarios with strong disturbances and by a deed comparison of accuracy,speed,and robustness with most state-of-the-art algorithms.Further,based on the precise pose estimation and tracking realized by our TAB-IOL,several formation control experiments are conducted for the group of fish-like robots.The results clearly demonstrate that our TAB-IOL lays a solid foundation for the coordination control of multiple fish-like robots in a real working environment.We believe our proposed method will facilitate the growth and development of related fields. 展开更多
关键词 Deep neural networks formation control multiple fish-like robots pose estimation pose tracking
下载PDF
An Iterative Pose Estimation Algorithm Based on Epipolar Geometry With Application to Multi-Target Tracking 被引量:3
11
作者 Jacob H.White Randal W.Beard 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2020年第4期942-953,共12页
This paper introduces a new algorithm for estimating the relative pose of a moving camera using consecutive frames of a video sequence. State-of-the-art algorithms for calculating the relative pose between two images ... This paper introduces a new algorithm for estimating the relative pose of a moving camera using consecutive frames of a video sequence. State-of-the-art algorithms for calculating the relative pose between two images use matching features to estimate the essential matrix. The essential matrix is then decomposed into the relative rotation and normalized translation between frames. To be robust to noise and feature match outliers, these methods generate a large number of essential matrix hypotheses from randomly selected minimal subsets of feature pairs, and then score these hypotheses on all feature pairs. Alternatively, the algorithm introduced in this paper calculates relative pose hypotheses by directly optimizing the rotation and normalized translation between frames, rather than calculating the essential matrix and then performing the decomposition. The resulting algorithm improves computation time by an order of magnitude. If an inertial measurement unit(IMU) is available, it is used to seed the optimizer, and in addition, we reuse the best hypothesis at each iteration to seed the optimizer thereby reducing the number of relative pose hypotheses that must be generated and scored. These advantages greatly speed up performance and enable the algorithm to run in real-time on low cost embedded hardware. We show application of our algorithm to visual multi-target tracking(MTT) in the presence of parallax and demonstrate its real-time performance on a 640 × 480 video sequence captured on a UAV. Video results are available at https://youtu.be/Hh K-p2 h XNn U. 展开更多
关键词 Aerial robotics epipolar geometry multi-target tracking pose estimation unmanned aircraft systems vision-based flight
下载PDF
Learning a Deep Predictive Coding Network for a Semi-Supervised 3D-Hand Pose Estimation 被引量:3
12
作者 Jamal Banzi Isack Bulugu Zhongfu Ye 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2020年第5期1371-1379,共9页
In this paper we present a CNN based approach for a real time 3 D-hand pose estimation from the depth sequence.Prior discriminative approaches have achieved remarkable success but are facing two main challenges:Firstl... In this paper we present a CNN based approach for a real time 3 D-hand pose estimation from the depth sequence.Prior discriminative approaches have achieved remarkable success but are facing two main challenges:Firstly,the methods are fully supervised hence require large numbers of annotated training data to extract the dynamic information from a hand representation.Secondly,unreliable hand detectors based on strong assumptions or a weak detector which often fail in several situations like complex environment and multiple hands.In contrast to these methods,this paper presents an approach that can be considered as semi-supervised by performing predictive coding of image sequences of hand poses in order to capture latent features underlying a given image without supervision.The hand is modelled using a novel latent tree dependency model(LDTM)which transforms internal joint location to an explicit representation.Then the modeled hand topology is integrated with the pose estimator using data dependent method to jointly learn latent variables of the posterior pose appearance and the pose configuration respectively.Finally,an unsupervised error term which is a part of the recurrent architecture ensures smooth estimations of the final pose.Experiments on three challenging public datasets,ICVL,MSRA,and NYU demonstrate the significant performance of the proposed method which is comparable or better than state-of-the-art approaches. 展开更多
关键词 Convolutional neural networks deep learning hand pose estimation human-machine interaction predictive coding recurrent neural networks unsupervised learning
下载PDF
Overview of 3D Human Pose Estimation 被引量:2
13
作者 Jianchu Lin Shuang Li +5 位作者 Hong Qin Hongchang Wang Ning Cui Qian Jiang Haifang Jian Gongming Wang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第3期1621-1651,共31页
3D human pose estimation is a major focus area in the field of computer vision,which plays an important role in practical applications.This article summarizes the framework and research progress related to the estimat... 3D human pose estimation is a major focus area in the field of computer vision,which plays an important role in practical applications.This article summarizes the framework and research progress related to the estimation of monocular RGB images and videos.An overall perspective ofmethods integrated with deep learning is introduced.Novel image-based and video-based inputs are proposed as the analysis framework.From this viewpoint,common problems are discussed.The diversity of human postures usually leads to problems such as occlusion and ambiguity,and the lack of training datasets often results in poor generalization ability of the model.Regression methods are crucial for solving such problems.Considering image-based input,the multi-view method is commonly used to solve occlusion problems.Here,the multi-view method is analyzed comprehensively.By referring to video-based input,the human prior knowledge of restricted motion is used to predict human postures.In addition,structural constraints are widely used as prior knowledge.Furthermore,weakly supervised learningmethods are studied and discussed for these two types of inputs to improve the model generalization ability.The problem of insufficient training datasets must also be considered,especially because 3D datasets are usually biased and limited.Finally,emerging and popular datasets and evaluation indicators are discussed.The characteristics of the datasets and the relationships of the indicators are explained and highlighted.Thus,this article can be useful and instructive for researchers who are lacking in experience and find this field confusing.In addition,by providing an overview of 3D human pose estimation,this article sorts and refines recent studies on 3D human pose estimation.It describes kernel problems and common useful methods,and discusses the scope for further research. 展开更多
关键词 3D human pose estimation monocular camera deep learning MULTI-VIEW INDICATOR
下载PDF
Squirrel Search Optimization with Deep Convolutional Neural Network for Human Pose Estimation 被引量:2
14
作者 K.Ishwarya A.Alice Nithya 《Computers, Materials & Continua》 SCIE EI 2023年第3期6081-6099,共19页
Human pose estimation(HPE)is a procedure for determining the structure of the body pose and it is considered a challenging issue in the computer vision(CV)communities.HPE finds its applications in several fields namel... Human pose estimation(HPE)is a procedure for determining the structure of the body pose and it is considered a challenging issue in the computer vision(CV)communities.HPE finds its applications in several fields namely activity recognition and human-computer interface.Despite the benefits of HPE,it is still a challenging process due to the variations in visual appearances,lighting,occlusions,dimensionality,etc.To resolve these issues,this paper presents a squirrel search optimization with a deep convolutional neural network for HPE(SSDCNN-HPE)technique.The major intention of the SSDCNN-HPE technique is to identify the human pose accurately and efficiently.Primarily,the video frame conversion process is performed and pre-processing takes place via bilateral filtering-based noise removal process.Then,the EfficientNet model is applied to identify the body points of a person with no problem constraints.Besides,the hyperparameter tuning of the EfficientNet model takes place by the use of the squirrel search algorithm(SSA).In the final stage,the multiclass support vector machine(M-SVM)technique was utilized for the identification and classification of human poses.The design of bilateral filtering followed by SSA based EfficientNetmodel for HPE depicts the novelty of the work.To demonstrate the enhanced outcomes of the SSDCNN-HPE approach,a series of simulations are executed.The experimental results reported the betterment of the SSDCNN-HPE system over the recent existing techniques in terms of different measures. 展开更多
关键词 Parameter tuning human pose estimation deep learning squirrel search algorithm activity recognition
下载PDF
A New Method for Pose Estimation from Line Correspondences 被引量:8
15
作者 QIN Li-Juan ZHU Feng 《自动化学报》 EI CSCD 北大核心 2008年第2期130-134,共5页
我们能通常在一个一般位置从三根线决定目标的姿势。三的配置非 -- 在二个点交叉的共面的线有一些特别特征,在一个一般位置的三根线没有它。这里,我们在场用这种特别的线配置决定目标姿势的一个新方法。在理论,这个方法从三线通讯充... 我们能通常在一个一般位置从三根线决定目标的姿势。三的配置非 -- 在二个点交叉的共面的线有一些特别特征,在一个一般位置的三根线没有它。这里,我们在场用这种特别的线配置决定目标姿势的一个新方法。在理论,这个方法从三线通讯充实姿势评价方法。另外,它为实际应用提供指导。而且,我们建议一个方法处理多答案现象和一个新反复的方法。模拟结果证明我们的算法快速地并且要用体力地工作。 展开更多
关键词 迭代法 多解决方案 串行通信 姿态模拟
下载PDF
Event-Triggered Moving Horizon Pose Estimation for Spacecraft Systems 被引量:1
16
作者 Shuangxi Li Hengguang Zou +1 位作者 Dawei Shi Junzheng Wang 《Journal of Beijing Institute of Technology》 EI CAS 2022年第4期382-390,共9页
An event-triggered moving horizon estimation strategy is proposed for spacecraft pose estimation.The error dual quaternion is used to describe the system state and construct the spacecraft attitude-orbit coupled model... An event-triggered moving horizon estimation strategy is proposed for spacecraft pose estimation.The error dual quaternion is used to describe the system state and construct the spacecraft attitude-orbit coupled model.In order to reduce the energy consumption on spacecraft,an event-triggered moving horizon estimator(MHE)is designed for real-time pose estimation with limited communication resources.The model mismatch caused by event-triggered is finally solved by solving the cost function of the min-max optimization problem.The system simulation model is built in Matlab/Simulink,and the spacecraft pose estimation simulation is carried out.The numerical results demonstrate that the designed estimator could ensure the estimation effect and save spacecraft communication and computing resources effectively. 展开更多
关键词 state estimation pose estimation event-triggered moving horizon estimation
下载PDF
Non-cooperative target pose estimation based on improved iterative closest point algorithm 被引量:1
17
作者 ZHU Zijian XIANG Wenhao +3 位作者 HUO Ju YANG Ming ZHANG Guiyang WEI Liang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第1期1-10,共10页
For localisation of unknown non-cooperative targets in space,the existence of interference points causes inaccuracy of pose estimation while utilizing point cloud registration.To address this issue,this paper proposes... For localisation of unknown non-cooperative targets in space,the existence of interference points causes inaccuracy of pose estimation while utilizing point cloud registration.To address this issue,this paper proposes a new iterative closest point(ICP)algorithm combined with distributed weights to intensify the dependability and robustness of the non-cooperative target localisation.As interference points in space have not yet been extensively studied,we classify them into two broad categories,far interference points and near interference points.For the former,the statistical outlier elimination algorithm is employed.For the latter,the Gaussian distributed weights,simultaneously valuing with the variation of the Euclidean distance from each point to the centroid,are commingled to the traditional ICP algorithm.In each iteration,the weight matrix W in connection with the overall localisation is obtained,and the singular value decomposition is adopted to accomplish high-precision estimation of the target pose.Finally,the experiments are implemented by shooting the satellite model and setting the position of interference points.The outcomes suggest that the proposed algorithm can effectively suppress interference points and enhance the accuracy of non-cooperative target pose estimation.When the interference point number reaches about 700,the average error of angle is superior to 0.88°. 展开更多
关键词 non-cooperative target pose estimation iterative closest point(ICP) Gaussian weight
下载PDF
3D Head Pose Estimation through Facial Features and Deep Convolutional Neural Networks 被引量:1
18
作者 Khalil Khan Jehad Ali +6 位作者 Kashif Ahmad Asma Gul Ghulam Sarwar Sahib Khan Qui Thanh Hoai Ta Tae-Sun Chung Muhammad Attique 《Computers, Materials & Continua》 SCIE EI 2021年第2期1757-1770,共14页
Face image analysis is one among several important cues in computer vision.Over the last five decades,methods for face analysis have received immense attention due to large scale applications in various face analysis ... Face image analysis is one among several important cues in computer vision.Over the last five decades,methods for face analysis have received immense attention due to large scale applications in various face analysis tasks.Face parsing strongly benefits various human face image analysis tasks inducing face pose estimation.In this paper we propose a 3D head pose estimation framework developed through a prior end to end deep face parsing model.We have developed an end to end face parts segmentation framework through deep convolutional neural networks(DCNNs).For training a deep face parts parsing model,we label face images for seven different classes,including eyes,brows,nose,hair,mouth,skin,and back.We extract features from gray scale images by using DCNNs.We train a classifier using the extracted features.We use the probabilistic classification method to produce gray scale images in the form of probability maps for each dense semantic class.We use a next stage of DCNNs and extract features from grayscale images created as probability maps during the segmentation phase.We assess the performance of our newly proposed model on four standard head pose datasets,including Pointing’04,Annotated Facial Landmarks in the Wild(AFLW),Boston University(BU),and ICT-3DHP,obtaining superior results as compared to previous results. 展开更多
关键词 Face image analysis face parsing face pose estimation
下载PDF
Optimal Deep Convolutional Neural Network with Pose Estimation for Human Activity Recognition 被引量:1
19
作者 S.Nandagopal G.Karthy +1 位作者 A.Sheryl Oliver M.Subha 《Computer Systems Science & Engineering》 SCIE EI 2023年第2期1719-1733,共15页
Human Action Recognition(HAR)and pose estimation from videos have gained significant attention among research communities due to its applica-tion in several areas namely intelligent surveillance,human robot interaction... Human Action Recognition(HAR)and pose estimation from videos have gained significant attention among research communities due to its applica-tion in several areas namely intelligent surveillance,human robot interaction,robot vision,etc.Though considerable improvements have been made in recent days,design of an effective and accurate action recognition model is yet a difficult process owing to the existence of different obstacles such as variations in camera angle,occlusion,background,movement speed,and so on.From the literature,it is observed that hard to deal with the temporal dimension in the action recognition process.Convolutional neural network(CNN)models could be used widely to solve this.With this motivation,this study designs a novel key point extraction with deep convolutional neural networks based pose estimation(KPE-DCNN)model for activity recognition.The KPE-DCNN technique initially converts the input video into a sequence of frames followed by a three stage process namely key point extraction,hyperparameter tuning,and pose estimation.In the keypoint extraction process an OpenPose model is designed to compute the accurate key-points in the human pose.Then,an optimal DCNN model is developed to classify the human activities label based on the extracted key points.For improving the training process of the DCNN technique,RMSProp optimizer is used to optimally adjust the hyperparameters such as learning rate,batch size,and epoch count.The experimental results tested using benchmark dataset like UCF sports dataset showed that KPE-DCNN technique is able to achieve good results compared with benchmark algorithms like CNN,DBN,SVM,STAL,T-CNN and so on. 展开更多
关键词 Human activity recognition pose estimation key point extraction classification deep learning RMSProp
下载PDF
Gaussian particle filter based pose and motion estimation 被引量:1
20
作者 WU Xue-dong SONG Zhi-huan 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2007年第10期1604-1613,共10页
Determination of relative three-dimensional (3D) position, orientation, and relative motion between two reference frames is an important problem in robotic guidance, manipulation, and assembly as well as in other fi... Determination of relative three-dimensional (3D) position, orientation, and relative motion between two reference frames is an important problem in robotic guidance, manipulation, and assembly as well as in other fields such as photogrammetry. A solution to pose and motion estimation problem that uses two-dimensional (2D) intensity images from a single camera is desirable for real-time applications. The difficulty in performing this measurement is that the process of projecting 3D object features to 2D images is a nonlinear transformation. In this paper, the 3D transformation is modeled as a nonlinear stochastic system with the state estimation providing six degrees-of-freedom motion and position values, using line features in image plane as measuring inputs and dual quaternion to represent both rotation and translation in a unified notation. A filtering method called the Gaussian particle filter (GPF) based on the panicle filtering concept is presented for 3D pose and motion estimation of a moving target from monocular image sequences. The method has been implemented with simulated data, and simulation results are provided along with comparisons to the extended Kalman filter (EKF) and the unscented Kalman filter (UKF) to show the relative advantages of the GPF. Simulation results showed that GPF is a superior alternative to EKF and UKF. 展开更多
关键词 Gaussian particle filter (GPF) pose and motion estimation Line features Monocular vision Extended Kalman filter(EKF) Unscented Kalman filter (UKF) Dual quatemion
下载PDF
上一页 1 2 82 下一页 到第
使用帮助 返回顶部