期刊文献+
共找到99篇文章
< 1 2 5 >
每页显示 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
Movement Function Assessment Based on Human Pose Estimation from Multi-View
3
作者 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
Overfitting Reduction of Pose Estimation for Deep Learning Visual Odometry 被引量:4
4
作者 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
An Iterative Pose Estimation Algorithm Based on Epipolar Geometry With Application to Multi-Target Tracking 被引量:3
5
作者 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
6
作者 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
Toward Coordination Control of Multiple Fish-Like Robots:Real-Time Vision-Based Pose Estimation and Tracking via Deep Neural Networks 被引量:2
7
作者 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
Overview of 3D Human Pose Estimation 被引量:2
8
作者 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
9
作者 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
Human Pose Estimation and Object Interaction for Sports Behaviour 被引量:2
10
作者 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
Non-cooperative target pose estimation based on improved iterative closest point algorithm 被引量:1
11
作者 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
Event-Triggered Moving Horizon Pose Estimation for Spacecraft Systems 被引量:1
12
作者 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
Optimal Deep Convolutional Neural Network with Pose Estimation for Human Activity Recognition 被引量:1
13
作者 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
3D Head Pose Estimation through Facial Features and Deep Convolutional Neural Networks 被引量:1
14
作者 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
Exploiting Robust Estimators in Phase Correlation of 3D Point Clouds for 6 DoF Pose Estimation 被引量:3
15
作者 Yusheng XU Rong HUANG +1 位作者 Xiaohua TONG Uwe STILLA 《Journal of Geodesy and Geoinformation Science》 2021年第3期72-90,共19页
Point cloud registration is a fundamental task in both remote sensing,photogrammetry,and computer vision,which is to align multiple point clouds to the same coordinate frame.Especially in LiDAR odometry,by conducting ... Point cloud registration is a fundamental task in both remote sensing,photogrammetry,and computer vision,which is to align multiple point clouds to the same coordinate frame.Especially in LiDAR odometry,by conducting the transformation between two adjacent scans,the pose of the platform can be estimated.To be specific,the goal is to recover the relative six-degree-of-freedom(6 DoF)pose between the source point cloud and the target point cloud.In this paper,we explore the use of robust estimators in the phase correlation when registering two point clouds,enabling a 6 DoF pose estimation between point clouds in a sub-voxel accuracy.The estimator is a rule for calculating an estimate of a given quantity based on observed data.A robust estimator is an estimation rule that is insensitive to nonnormality and can estimate parameters of a given objective function from noisy observations.The proposed registration method is theoretically insensitive to noise and outliers than correspondence-based methods.Three core steps are involved in the method:transforming point clouds from the spatial domain to the frequency domain,decoupling of rotations and translations,and using robust estimators to estimate phase shifts.Since the estimation of transformation parameters lies in the calculation of phase shifts,robust estimators play a vital role in shift estimation accuracy.In this paper,we have tested the performance of six different robust estimators and provide comparisons and discussions on the contributions of robust estimators in the 3D phase correlation.Different point clouds from two urban scenarios and one indoor scene are tested.Results validate the proposed method can reach performance that predominant rotation and translation errors reaching less than 0.5°and 0.5 m,respectively.Moreover,the performance of various tested robust estimators is compared and discussed. 展开更多
关键词 REGISTRATION phase correlation robust estimators pose estimation
下载PDF
A survey on monocular 3D human pose estimation 被引量:3
16
作者 Xiaopeng JI Qi FANG +3 位作者 Junting DONG Qing SHUAI Wen JIANG Xiaowei ZHOU 《Virtual Reality & Intelligent Hardware》 2020年第6期471-500,共30页
Recovering human pose from RGB images and videos has drawn increasing attention in recent years owing to minimum sensor requirements and applicability in diverse fields such as human-computer interaction,robotics,vide... Recovering human pose from RGB images and videos has drawn increasing attention in recent years owing to minimum sensor requirements and applicability in diverse fields such as human-computer interaction,robotics,video analytics,and augmented reality.Although a large amount of work has been devoted to this field,3D human pose estimation based on monocular images or videos remains a very challenging task due to a variety of difficulties such as depth ambiguities,occlusion,background clutters,and lack of training data.In this survey,we summarize recent advances in monocular 3D human pose estimation.We provide a general taxonomy to cover existing approaches and analyze their capabilities and limitations.We also present a summary of extensively used datasets and metrics,and provide a quantitative comparison of some representative methods.Finally,we conclude with a discussion on realistic challenges and open problems for future research directions. 展开更多
关键词 Human pose estimation Human motion capture
下载PDF
Survey on depth and RGB image-based 3D hand shape and pose estimation 被引量:1
17
作者 Lin HUANG Boshen ZHANG +3 位作者 Zhilin GUO Yang XIAO Zhiguo CAO Junsong YUAN 《Virtual Reality & Intelligent Hardware》 2021年第3期207-234,共28页
The field of vision-based human hand three-dimensional(3D)shape and pose estimation has attracted significant attention recently owing to its key role in various applications,such as natural human computer interaction... The field of vision-based human hand three-dimensional(3D)shape and pose estimation has attracted significant attention recently owing to its key role in various applications,such as natural human computer interactions.With the availability of large-scale annotated hand datasets and the rapid developments of deep neural networks(DNNs),numerous DNN-based data-driven methods have been proposed for accurate and rapid hand shape and pose estimation.Nonetheless,the existence of complicated hand articulation,depth and scale ambiguities,occlusions,and finger similarity remain challenging.In this study,we present a comprehensive survey of state-of-the-art 3D hand shape and pose estimation approaches using RGB-D cameras.Related RGB-D cameras,hand datasets,and a performance analysis are also discussed to provide a holistic view of recent achievements.We also discuss the research potential of this rapidly growing field. 展开更多
关键词 Hand survey 3D hand pose estimation Hand shape reconstruction Hand-object interactions RGB-D cameras
下载PDF
A Survey on Deep Learning-Based 2D Human Pose Estimation Models
18
作者 Sani Salisu A.S.A.Mohamed +2 位作者 M.H.Jaafar Ainun S.B.Pauzi Hussain A.Younis 《Computers, Materials & Continua》 SCIE EI 2023年第8期2385-2400,共16页
In this article,a comprehensive survey of deep learning-based(DLbased)human pose estimation(HPE)that can help researchers in the domain of computer vision is presented.HPE is among the fastest-growing research domains... In this article,a comprehensive survey of deep learning-based(DLbased)human pose estimation(HPE)that can help researchers in the domain of computer vision is presented.HPE is among the fastest-growing research domains of computer vision and is used in solving several problems for human endeavours.After the detailed introduction,three different human body modes followed by the main stages of HPE and two pipelines of twodimensional(2D)HPE are presented.The details of the four components of HPE are also presented.The keypoints output format of two popular 2D HPE datasets and the most cited DL-based HPE articles from the year of breakthrough are both shown in tabular form.This study intends to highlight the limitations of published reviews and surveys respecting presenting a systematic review of the current DL-based solution to the 2D HPE model.Furthermore,a detailed and meaningful survey that will guide new and existing researchers on DL-based 2D HPE models is achieved.Finally,some future research directions in the field of HPE,such as limited data on disabled persons and multi-training DL-based models,are revealed to encourage researchers and promote the growth of HPE research. 展开更多
关键词 Human pose estimation deep learning 2D DATASET MODELS body parts
下载PDF
Head pose estimation method based on pose manifold and tensor decomposition
19
作者 Wei Wei Yanning Zhang Chunna Tian 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2010年第5期907-913,共7页
Pose manifold and tensor decomposition are used to represent the nonlinear changes of multi-view faces for pose estimation,which cannot be well handled by principal component analysis or multilinear analysis methods.A... Pose manifold and tensor decomposition are used to represent the nonlinear changes of multi-view faces for pose estimation,which cannot be well handled by principal component analysis or multilinear analysis methods.A pose manifold generation method is introduced to describe the nonlinearity in pose subspace.And a nonlinear kernel based method is used to build a smooth mapping from the low dimensional pose subspace to the high dimensional face image space.Then the tensor decomposition is applied to the nonlinear mapping coefficients to build an accurate multi-pose face model for pose estimation.More importantly,this paper gives a proper distance measurement on the pose manifold space for the nonlinear mapping and pose estimation.Experiments on the identity unseen face images show that the proposed method increases pose estimation rates by 13.8% and 10.9% against principal component analysis and multilinear analysis based methods respectively.Thus,the proposed method can be used to estimate a wide range of head poses. 展开更多
关键词 head pose estimation principal component analysis multilinear algebra manifold analysis.
下载PDF
Local imperceptible adversarial attacks against human pose estimation networks
20
作者 Fuchang Liu Shen Zhang +2 位作者 Hao Wang Caiping Yan Yongwei Miao 《Visual Computing for Industry,Biomedicine,and Art》 EI 2023年第1期318-328,共11页
Deep neural networks are vulnerable to attacks from adversarial inputs.Corresponding attack research on human pose estimation(HPE),particularly for body joint detection,has been largely unexplored.Transferring classif... Deep neural networks are vulnerable to attacks from adversarial inputs.Corresponding attack research on human pose estimation(HPE),particularly for body joint detection,has been largely unexplored.Transferring classification-based attack methods to body joint regression tasks is not straightforward.Another issue is that the attack effectiveness and imperceptibility contradict each other.To solve these issues,we propose local imperceptible attacks on HPE networks.In particular,we reformulate imperceptible attacks on body joint regression into a constrained maximum allowable attack.Furthermore,we approximate the solution using iterative gradient-based strength refinement and greedy-based pixel selection.Our method crafts effective perceptual adversarial attacks that consider both human perception and attack effectiveness.We conducted a series of imperceptible attacks against state-of-the-art HPE methods,including HigherHRNet,DEKR,and ViTPose.The experimental results demonstrate that the proposed method achieves excellent imperceptibility while maintaining attack effectiveness by significantly reducing the number of perturbed pixels.Approximately 4%of the pixels can achieve sufficient attacks on HPE. 展开更多
关键词 Adversarial attack Human pose estimation White-box attack IMPERCEPTIBILITY Local perturbation
下载PDF
上一页 1 2 5 下一页 到第
使用帮助 返回顶部