期刊文献+
共找到307篇文章
< 1 2 16 >
每页显示 20 50 100
“suppose,supposing 引导条件状语从句时,仅用于问句”欠妥
1
作者 夏罗英 《语言教育》 1996年第6期79-79,共1页
贵刊1995年第12期 p.30《怎样理解这三个句子》一文,读后颇受启发。但该文有一处注释写道:“suppose,supposing 引导条件状语从句时,仅用于问句。”笔者认为,这一说法欠妥。请看以下例证:Suppose white were black,you might be right.... 贵刊1995年第12期 p.30《怎样理解这三个句子》一文,读后颇受启发。但该文有一处注释写道:“suppose,supposing 引导条件状语从句时,仅用于问句。”笔者认为,这一说法欠妥。请看以下例证:Suppose white were black,you might be right.假如白的即是黑的,那末你或许就对了。(《英汉大词典》下卷 p.3490)Suppose(Supposing)you miss your tiger,he is not likely to miss you.你如果打不着老虎,老虎不见得吃不着你。(《英华大词典》修订第二版 p.1399) 展开更多
关键词 状语从句 SUPPOSE LIKELY TIGER 文有 请看 表达法 增补版 posing
下载PDF
基于MediaPipe Pose的人体动作识别方法研究
2
作者 张恒博 刘大铭 +1 位作者 伏娜娜 邢霄海 《宁夏工程技术》 CAS 2024年第1期79-84,91,共7页
针对已有人体动作识别方法存在识别效率低、检测速度慢等问题,提出了基于MediaPipe Pose算法的人体动作识别方法。具体内容:将摄像头实时采集数据输入到检测网络以获取人体33个关键点的坐标信息,然后通过关键点的空间位置组合来确定人... 针对已有人体动作识别方法存在识别效率低、检测速度慢等问题,提出了基于MediaPipe Pose算法的人体动作识别方法。具体内容:将摄像头实时采集数据输入到检测网络以获取人体33个关键点的坐标信息,然后通过关键点的空间位置组合来确定人体动作类别;采用COCO数据集格式标定动作类别,并且对动作标签进行onehot编码,训练人体动作识别模型;利用单目RGB摄像头对8类动作进行实验验证。结果表明,基于MediaPipe Pose算法的人体动作识别方法其帧率达到30帧/s,识别精确率为96.67%,能够实时、准确地识别人体动作。 展开更多
关键词 MediaPipe Pose 人体动作识别 深度学习
下载PDF
一种轻量化的排球自垒姿态检测算法
3
作者 凌驯 陶青川 《现代计算机》 2024年第8期72-76,共5页
边缘设备有限的存储和处理能力,在实际应用中难以部署较为复杂的YOLOv7pose姿态检测模型。对YOLOv7pose进行了一系列轻量化处理,使用FasterNet的主干网络重构YOLOv7pose的特征提取网络,将特征提取后的输出应用CBAM注意力机制来弥补精度... 边缘设备有限的存储和处理能力,在实际应用中难以部署较为复杂的YOLOv7pose姿态检测模型。对YOLOv7pose进行了一系列轻量化处理,使用FasterNet的主干网络重构YOLOv7pose的特征提取网络,将特征提取后的输出应用CBAM注意力机制来弥补精度上的损失,最后对冗余的多尺度检测头进行删减,实验表明改进后的轻量化网络较原网络的参数量下降了2/3,计算速度提升了2.5倍,精度仅减少了3.8%,能够满足边缘设备实时检测排球对墙自垒过程中的人体姿态情况。 展开更多
关键词 姿态估计 轻量化 边缘设备 YOLOv7pose
下载PDF
Construction Activity Analysis of Workers Based on Human Posture Estimation Information
4
作者 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
Lightweight Multi-Resolution Network for Human Pose Estimation
5
作者 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
Investigation of Inside-Out Tracking Methods for Six Degrees of Freedom Pose Estimation of a Smartphone in Augmented Reality
6
作者 Chanho Park Takefumi Ogawa 《Computers, Materials & Continua》 SCIE EI 2024年第5期3047-3065,共19页
Six degrees of freedom(6DoF)input interfaces are essential formanipulating virtual objects through translation or rotation in three-dimensional(3D)space.A traditional outside-in tracking controller requires the instal... Six degrees of freedom(6DoF)input interfaces are essential formanipulating virtual objects through translation or rotation in three-dimensional(3D)space.A traditional outside-in tracking controller requires the installation of expensive hardware in advance.While inside-out tracking controllers have been proposed,they often suffer from limitations such as interaction limited to the tracking range of the sensor(e.g.,a sensor on the head-mounted display(HMD))or the need for pose value modification to function as an input interface(e.g.,a sensor on the controller).This study investigates 6DoF pose estimation methods without restricting the tracking range,using a smartphone as a controller in augmented reality(AR)environments.Our approach involves proposing methods for estimating the initial pose of the controller and correcting the pose using an inside-out tracking approach.In addition,seven pose estimation algorithms were presented as candidates depending on the tracking range of the device sensor,the tracking method(e.g.,marker recognition,visual-inertial odometry(VIO)),and whether modification of the initial pose is necessary.Through two experiments(discrete and continuous data),the performance of the algorithms was evaluated.The results demonstrate enhanced final pose accuracy achieved by correcting the initial pose.Furthermore,the importance of selecting the tracking algorithm based on the tracking range of the devices and the actual input value of the 3D interaction was emphasized. 展开更多
关键词 SMARTPHONE inside-out tracking 6DoF pose 3D interaction augmented reality
下载PDF
Design of a Lightweight Compressed Video Stream-Based Patient Activity Monitoring System
7
作者 Sangeeta Yadav Preeti Gulia +5 位作者 Nasib Singh Gill Piyush Kumar Shukla Arfat Ahmad Khan Sultan Alharby Ahmed Alhussen Mohd Anul Haq 《Computers, Materials & Continua》 SCIE EI 2024年第1期1253-1274,共22页
Inpatient falls from beds in hospitals are a common problem.Such falls may result in severe injuries.This problem can be addressed by continuous monitoring of patients using cameras.Recent advancements in deep learnin... Inpatient falls from beds in hospitals are a common problem.Such falls may result in severe injuries.This problem can be addressed by continuous monitoring of patients using cameras.Recent advancements in deep learning-based video analytics have made this task of fall detection more effective and efficient.Along with fall detection,monitoring of different activities of the patients is also of significant concern to assess the improvement in their health.High computation-intensive models are required to monitor every action of the patient precisely.This requirement limits the applicability of such networks.Hence,to keep the model lightweight,the already designed fall detection networks can be extended to monitor the general activities of the patients along with the fall detection.Motivated by the same notion,we propose a novel,lightweight,and efficient patient activity monitoring system that broadly classifies the patients’activities into fall,activity,and rest classes based on their poses.The whole network comprises three sub-networks,namely a Convolutional Neural Networks(CNN)based video compression network,a Lightweight Pose Network(LPN)and a Residual Network(ResNet)Mixer block-based activity recognition network.The compression network compresses the video streams using deep learning networks for efficient storage and retrieval;after that,LPN estimates human poses.Finally,the activity recognition network classifies the patients’activities based on their poses.The proposed system shows an overall accuracy of approx.99.7% over a standard dataset with 99.63% fall detection accuracy and efficiently monitors different events,which may help monitor the falls and improve the inpatients’health. 展开更多
关键词 Fall detection activity recognition human pose estimation ACCURACY
下载PDF
Abnormal Action Recognition with Lightweight Pose Estimation Network in Electric Power Training Scene
8
作者 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
9
作者 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
Machine learning algorithm partially reconfigured on FPGA for an image edge detection system
10
作者 Gracieth Cavalcanti Batista Johnny Oberg +3 位作者 Osamu Saotome Haroldo F.de Campos Velho Elcio Hideiti Shiguemori Ingemar Soderquist 《Journal of Electronic Science and Technology》 EI CAS CSCD 2024年第2期48-68,共21页
Unmanned aerial vehicles(UAVs)have been widely used in military,medical,wireless communications,aerial surveillance,etc.One key topic involving UAVs is pose estimation in autonomous navigation.A standard procedure for... Unmanned aerial vehicles(UAVs)have been widely used in military,medical,wireless communications,aerial surveillance,etc.One key topic involving UAVs is pose estimation in autonomous navigation.A standard procedure for this process is to combine inertial navigation system sensor information with the global navigation satellite system(GNSS)signal.However,some factors can interfere with the GNSS signal,such as ionospheric scintillation,jamming,or spoofing.One alternative method to avoid using the GNSS signal is to apply an image processing approach by matching UAV images with georeferenced images.But a high effort is required for image edge extraction.Here a support vector regression(SVR)model is proposed to reduce this computational load and processing time.The dynamic partial reconfiguration(DPR)of part of the SVR datapath is implemented to accelerate the process,reduce the area,and analyze its granularity by increasing the grain size of the reconfigurable region.Results show that the implementation in hardware is 68 times faster than that in software.This architecture with DPR also facilitates the low power consumption of 4 mW,leading to a reduction of 57%than that without DPR.This is also the lowest power consumption in current machine learning hardware implementations.Besides,the circuitry area is 41 times smaller.SVR with Gaussian kernel shows a success rate of 99.18%and minimum square error of 0.0146 for testing with the planning trajectory.This system is useful for adaptive applications where the user/designer can modify/reconfigure the hardware layout during its application,thus contributing to lower power consumption,smaller hardware area,and shorter execution time. 展开更多
关键词 Dynamic partial reconfiguration(DPR) Field programmable gate array(FPGA)implementation Image edge detection Support vector regression(SVR) Unmanned aerial vehicle(UAV) pose estimation
下载PDF
The Relationship between Students’Problem Posing and Problem Solving Abilities and Beliefs:A Small-Scale Study with Chinese Elementary School Children
11
作者 CHEN Limin Wim VAN DOOREN Lieven VERSCHAFFEL 《Frontiers of Education in China》 2013年第1期147-161,共15页
The goal of the present study is to investigate the relationship between pupils’problem posing and problem solving abilities,their beliefs about problem posing and problem solving,and their general mathematics abilit... The goal of the present study is to investigate the relationship between pupils’problem posing and problem solving abilities,their beliefs about problem posing and problem solving,and their general mathematics abilities,in a Chinese context.Five instruments,i.e.,a problem posing test,a problem solving test,a problem posing questionnaire,a problem solving questionnaire,and a standard achievement test,were administered to 69 Chinese fifth-grade pupils to assess these five variables and analyze their mutual relationships.Results revealed strong correlations between pupils’problem posing and problem solving abilities and beliefs,and their general mathematical abilities. 展开更多
关键词 problem posing problem solving Chinese pupils mathematics education
原文传递
基于OpenPose的晕眩警告设计
12
作者 赵桂兵 《信息与电脑》 2024年第8期83-85,共3页
文章采用了Open Pose识别人体摔倒姿态特征,提取人体关键性的关节节点。鉴于摔倒和站立的人体姿态有着明显的区别,仅仅认识到在地上就判定摔倒是不准确的,还需要结合站立动作特征。因此,识别两种动作特征后,可发现可能晕眩并及时通知保... 文章采用了Open Pose识别人体摔倒姿态特征,提取人体关键性的关节节点。鉴于摔倒和站立的人体姿态有着明显的区别,仅仅认识到在地上就判定摔倒是不准确的,还需要结合站立动作特征。因此,识别两种动作特征后,可发现可能晕眩并及时通知保卫室,从而有效降低因晕眩可能导致无人察觉的安全隐患,确保人身安全。 展开更多
关键词 人体姿态识别 姿态特征提取 Open Pose网络
下载PDF
Overview of 3D Human Pose Estimation 被引量:1
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 被引量:1
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
Copy-Move Geometric Tampering Estimation Through Enhanced SIFT Detector Method 被引量:1
15
作者 J.S.Sujin S.Sophia 《Computer Systems Science & Engineering》 SCIE EI 2023年第1期157-171,共15页
Digital picture forgery detection has recently become a popular and sig-nificant topic in image processing.Due to advancements in image processing and the availability of sophisticated software,picture fabrication may... Digital picture forgery detection has recently become a popular and sig-nificant topic in image processing.Due to advancements in image processing and the availability of sophisticated software,picture fabrication may hide evidence and hinder the detection of such criminal cases.The practice of modifying origi-nal photographic images to generate a forged image is known as digital image forging.A section of an image is copied and pasted into another part of the same image to hide an item or duplicate particular image elements in copy-move forgery.In order to make the forgeries real and inconspicuous,geometric or post-processing techniques are frequently performed on tampered regions during the tampering process.In Copy-Move forgery detection,the high similarity between the tampered regions and the source regions has become crucial evidence.The most frequent way for detecting copy-move forgeries is to partition the images into overlapping square blocks and utilize Discrete cosine transform(DCT)com-ponents as block representations.Due to the high dimensionality of the feature space,Gaussian Radial basis function(RBF)kernel based Principal component analysis(PCA)is used to minimize the dimensionality of the feature vector repre-sentation,which improves feature matching efficiency.In this paper,we propose to use a novel enhanced Scale-invariant feature transform(SIFT)detector method called as RootSIFT,combined with the similarity measures to mark the tampered areas in the image.The proposed method outperforms existing state-of-the-art methods in terms of matching time complexity,detection reliability,and forgery location accuracy,according to the experimental results.The F1 score of the proposed method is 92.3%while the literature methods are around 90%on an average. 展开更多
关键词 Multi sensor data fusion DISCRIMINATOR orientation POSE position mean average precision RECALL
下载PDF
Optimal Deep Convolutional Neural Network with Pose Estimation for Human Activity Recognition 被引量:1
16
作者 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
A Survey on Deep Learning-Based 2D Human Pose Estimation Models
17
作者 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
Spacecraft Pose Estimation Based on Different Camera Models
18
作者 Lidong Mo Naiming Qi Zhenqing Zhao 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2023年第3期262-268,共7页
Spacecraft pose estimation is an important technology to maintain or change the spacecraft orientation in space.For spacecraft pose estimation,when two spacecraft are relatively distant,the depth information of the sp... Spacecraft pose estimation is an important technology to maintain or change the spacecraft orientation in space.For spacecraft pose estimation,when two spacecraft are relatively distant,the depth information of the space point is less than that of the measuring distance,so the camera model can be seen as a weak perspective projection model.In this paper,a spacecraft pose estimation algorithm based on four symmetrical points of the spacecraft outline is proposed.The analytical solution of the spacecraft pose is obtained by solving the weak perspective projection model,which can satisfy the requirements of the measurement model when the measurement distance is long.The optimal solution is obtained from the weak perspective projection model to the perspective projection model,which can meet the measurement requirements when the measuring distance is small.The simulation results show that the proposed algorithm can obtain better results,even though the noise is large. 展开更多
关键词 Spacecraft pose estimation Weak perspective projection Optimal solution
下载PDF
Multitarget Flexible Grasping Detection Method for Robots in Unstructured Environments
19
作者 Qingsong Fan Qijie Rao Haisong Huang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第11期1825-1848,共24页
In present-day industrial settings,where robot arms performtasks in an unstructured environment,theremay exist numerousobjects of various shapes scattered in randompositions,making it challenging for a robot armtoprec... In present-day industrial settings,where robot arms performtasks in an unstructured environment,theremay exist numerousobjects of various shapes scattered in randompositions,making it challenging for a robot armtoprecisely attain the ideal pose to grasp the object.To solve this problem,a multistage robotic arm flexible grasp detection method based on deep learning is proposed.This method first improves the Faster RCNN target detection model,which significantly improves the detection ability of the model for multiscale grasped objects in unstructured scenes.Then,a Squeeze-and-Excitation module is introduced to design a multitarget grasping pose generation network based on a deep convolutional neural network to generate a variety of graspable poses for grasped objects.Finally,a multiobjective IOU mixed area attitude evaluation algorithm is constructed to screen out the optimal grasping area of the grasped object and obtain the optimal grasping posture of the robotic arm.The experimental results show that the accuracy of the target detection network improved by the method proposed in this paper reaches 96.6%,the grasping frame accuracy of the grasping pose generation network reaches 94%and the flexible grasping task of the robotic arm in an unstructured scene in a real environment can be efficiently and accurately implemented. 展开更多
关键词 Unstructured scene ROBOT target detection grab pose detection deep learning
下载PDF
Improved HardNet and Stricter Outlier Filtering to Guide Reliable Matching
20
作者 Meng Xu Chen Shen +4 位作者 Jun Zhang Zhipeng Wang Zhiwei Ruan Stefan Poslad Pengfei Xu 《Computers, Materials & Continua》 SCIE EI 2023年第6期4785-4803,共19页
As the fundamental problem in the computer vision area,image matching has wide applications in pose estimation,3D reconstruction,image retrieval,etc.Suffering from the influence of external factors,the process of imag... As the fundamental problem in the computer vision area,image matching has wide applications in pose estimation,3D reconstruction,image retrieval,etc.Suffering from the influence of external factors,the process of image matching using classical local detectors,e.g.,scale-invariant feature transform(SIFT),and the outlier filtering approaches,e.g.,Random sample consensus(RANSAC),show high computation speed and pool robustness under changing illumination and viewpoints conditions,while image matching approaches with deep learning strategy(such as HardNet,OANet)display reliable achievements in large-scale datasets with challenging scenes.However,the past learning-based approaches are limited to the distinction and quality of the dataset and the training strategy in the image-matching approaches.As an extension of the previous conference paper,this paper proposes an accurate and robust image matching approach using fewer training data in an end-to-end manner,which could be used to estimate the pose error This research first proposes a novel dataset cleaning and construction strategy to eliminate the noise and improve the training efficiency;Secondly,a novel loss named quadratic hinge triplet loss(QHT)is proposed to gather more effective and stable feature matching;Thirdly,in the outlier filtering process,the stricter OANet and bundle adjustment are applied for judging samples by adding the epipolar distance constraint and triangulation constraint to generate more outstanding matches;Finally,to recall the matching pairs,dynamic guided matching is used and then submit the inliers after the PyRANSAC process.Multiple evaluation metrics are used and reported in the 1st place in the Track1 of CVPR Image-Matching Challenge Workshop.The results show that the proposed method has advanced performance in large-scale and challenging Phototourism benchmark. 展开更多
关键词 SIFT image matching dynamic guided matching HardNet challenging environments large scale pose accuracy OANet
下载PDF
上一页 1 2 16 下一页 到第
使用帮助 返回顶部