期刊文献+
共找到334篇文章
< 1 2 17 >
每页显示 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
The Relationship between Students’Problem Posing and Problem Solving Abilities and Beliefs:A Small-Scale Study with Chinese Elementary School Children
2
作者 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
原文传递
Machine learning algorithm partially reconfigured on FPGA for an image edge detection system 被引量:1
3
作者 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
基于MediaPipe Pose的人体动作识别方法研究
4
作者 张恒博 刘大铭 +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
一种轻量化的排球自垒姿态检测算法
5
作者 凌驯 陶青川 《现代计算机》 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
6
作者 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
7
作者 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
8
作者 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
9
作者 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
10
作者 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
11
作者 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
12
作者 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
Human Interaction Recognition in Surveillance Videos Using Hybrid Deep Learning and Machine Learning Models
13
作者 Vesal Khean Chomyong Kim +5 位作者 Sunjoo Ryu Awais Khan Min Kyung Hong Eun Young Kim Joungmin Kim Yunyoung Nam 《Computers, Materials & Continua》 SCIE EI 2024年第10期773-787,共15页
Human Interaction Recognition(HIR)was one of the challenging issues in computer vision research due to the involvement of multiple individuals and their mutual interactions within video frames generated from their mov... Human Interaction Recognition(HIR)was one of the challenging issues in computer vision research due to the involvement of multiple individuals and their mutual interactions within video frames generated from their movements.HIR requires more sophisticated analysis than Human Action Recognition(HAR)since HAR focuses solely on individual activities like walking or running,while HIR involves the interactions between people.This research aims to develop a robust system for recognizing five common human interactions,such as hugging,kicking,pushing,pointing,and no interaction,from video sequences using multiple cameras.In this study,a hybrid Deep Learning(DL)and Machine Learning(ML)model was employed to improve classification accuracy and generalizability.The dataset was collected in an indoor environment with four-channel cameras capturing the five types of interactions among 13 participants.The data was processed using a DL model with a fine-tuned ResNet(Residual Networks)architecture based on 2D Convolutional Neural Network(CNN)layers for feature extraction.Subsequently,machine learning models were trained and utilized for interaction classification using six commonly used ML algorithms,including SVM,KNN,RF,DT,NB,and XGBoost.The results demonstrate a high accuracy of 95.45%in classifying human interactions.The hybrid approach enabled effective learning,resulting in highly accurate performance across different interaction types.Future work will explore more complex scenarios involving multiple individuals based on the application of this architecture. 展开更多
关键词 Convolutional neural network deep learning human interaction recognition ResNet skeleton joint key points human pose estimation hybrid deep learning and machine learning
下载PDF
Pose prediction based on dynamic modeling and virtual prototype simulation of shield tunnelling machine
14
作者 JIN Da-long WANG Xu-yang +2 位作者 YUAN Da-jun LI Xiu-dong DU Chang-yan 《Journal of Central South University》 CSCD 2024年第11期3854-3867,共14页
Compared with traditional feedback control,predictive control can eliminate the lag of pose control and avoid the snakelike motion of shield machines.Therefore,a shield pose prediction model was proposed based on dyna... Compared with traditional feedback control,predictive control can eliminate the lag of pose control and avoid the snakelike motion of shield machines.Therefore,a shield pose prediction model was proposed based on dynamic modeling.Firstly,the dynamic equations of shield thrust system were established to clarify the relationship between force and movement of shield machine.Secondly,an analytical model was proposed to predict future multistep pose of the shield machine.Finally,a virtual prototype model was developed to simulate the dynamic behavior of the shield machine and validate the accuracy of the proposed pose prediction method.Results reveal that the model proposed can predict the shield pose with high accuracy,which can provide a decision basis whether for manual or automatic control of shield pose. 展开更多
关键词 shield machine motion trajectory dynamic modeling virtual prototype pose prediction
下载PDF
A Deep Transfer Learning Approach for Addressing Yaw Pose Variation to Improve Face Recognition Performance
15
作者 M.Jayasree K.A.Sunitha +3 位作者 A.Brindha Punna Rajasekhar G.Aravamuthan G.Joselin Retnakumar 《Intelligent Automation & Soft Computing》 2024年第4期745-764,共20页
Identifying faces in non-frontal poses presents a significant challenge for face recognition(FR)systems.In this study,we delved into the impact of yaw pose variations on these systems and devised a robust method for d... Identifying faces in non-frontal poses presents a significant challenge for face recognition(FR)systems.In this study,we delved into the impact of yaw pose variations on these systems and devised a robust method for detecting faces across a wide range of angles from 0°to±90°.We initially selected the most suitable feature vector size by integrating the Dlib,FaceNet(Inception-v2),and“Support Vector Machines(SVM)”+“K-nearest neighbors(KNN)”algorithms.To train and evaluate this feature vector,we used two datasets:the“Labeled Faces in the Wild(LFW)”benchmark data and the“Robust Shape-Based FR System(RSBFRS)”real-time data,which contained face images with varying yaw poses.After selecting the best feature vector,we developed a real-time FR system to handle yaw poses.The proposed FaceNet architecture achieved recognition accuracies of 99.7%and 99.8%for the LFW and RSBFRS datasets,respectively,with 128 feature vector dimensions and minimum Euclidean distance thresholds of 0.06 and 0.12.The FaceNet+SVM and FaceNet+KNN classifiers achieved classification accuracies of 99.26%and 99.44%,respectively.The 128-dimensional embedding vector showed the highest recognition rate among all dimensions.These results demonstrate the effectiveness of our proposed approach in enhancing FR accuracy,particularly in real-world scenarios with varying yaw poses. 展开更多
关键词 Face recognition pose variations transfer learning method yaw poses FaceNet Inception-v2
下载PDF
Analyzing the Impact of Scene Transitions on Indoor Camera Localization through Scene Change Detection in Real-Time
16
作者 Muhammad S.Alam Farhan B.Mohamed +2 位作者 Ali Selamat Faruk Ahmed AKM B.Hossain 《Intelligent Automation & Soft Computing》 2024年第3期417-436,共20页
Real-time indoor camera localization is a significant problem in indoor robot navigation and surveillance systems.The scene can change during the image sequence and plays a vital role in the localization performance o... Real-time indoor camera localization is a significant problem in indoor robot navigation and surveillance systems.The scene can change during the image sequence and plays a vital role in the localization performance of robotic applications in terms of accuracy and speed.This research proposed a real-time indoor camera localization system based on a recurrent neural network that detects scene change during the image sequence.An annotated image dataset trains the proposed system and predicts the camera pose in real-time.The system mainly improved the localization performance of indoor cameras by more accurately predicting the camera pose.It also recognizes the scene changes during the sequence and evaluates the effects of these changes.This system achieved high accuracy and real-time performance.The scene change detection process was performed using visual rhythm and the proposed recurrent deep architecture,which performed camera pose prediction and scene change impact evaluation.Overall,this study proposed a novel real-time localization system for indoor cameras that detects scene changes and shows how they affect localization performance. 展开更多
关键词 Camera pose estimation indoor camera localization real-time localization scene change detection simultaneous localization and mapping(SLAM)
下载PDF
基于OpenPose的晕眩警告设计
17
作者 赵桂兵 《信息与电脑》 2024年第8期83-85,共3页
文章采用了Open Pose识别人体摔倒姿态特征,提取人体关键性的关节节点。鉴于摔倒和站立的人体姿态有着明显的区别,仅仅认识到在地上就判定摔倒是不准确的,还需要结合站立动作特征。因此,识别两种动作特征后,可发现可能晕眩并及时通知保... 文章采用了Open Pose识别人体摔倒姿态特征,提取人体关键性的关节节点。鉴于摔倒和站立的人体姿态有着明显的区别,仅仅认识到在地上就判定摔倒是不准确的,还需要结合站立动作特征。因此,识别两种动作特征后,可发现可能晕眩并及时通知保卫室,从而有效降低因晕眩可能导致无人察觉的安全隐患,确保人身安全。 展开更多
关键词 人体姿态识别 姿态特征提取 Open Pose网络
下载PDF
POSE中乐观同步策略研究 被引量:2
18
作者 方建滨 车永刚 +1 位作者 翁玉芬 王正华 《计算机工程与应用》 CSCD 北大核心 2009年第21期142-146,共5页
同步策略是并行离散事件模拟的关键技术之一。POSE是一种面向对象的可扩展的计算机体系结构并行模拟框架,可进行大规模系统的并行模拟。剖析了POSE框架中的乐观同步策略,按照时间窗口调整状况将其自适应策略分为半自适应策略和完全自适... 同步策略是并行离散事件模拟的关键技术之一。POSE是一种面向对象的可扩展的计算机体系结构并行模拟框架,可进行大规模系统的并行模拟。剖析了POSE框架中的乐观同步策略,按照时间窗口调整状况将其自适应策略分为半自适应策略和完全自适应策略;对自适应乐观同步策略的模拟速度与精度进行了深入的测试比较,发现经过调整半自适应乐观策略能够取得更好的性能;也发现现有完全自适应算法中存在窗口调节反馈滞后和GVT计算开销过大等问题,是其乐观策略优化的方向之一。 展开更多
关键词 并行模拟器 面向对象的并行模拟环境(POSE) 同步策略 性能评测
下载PDF
基于LHPN算法的手势姿态估计方法研究 被引量:2
19
作者 周全 甘屹 +2 位作者 何伟铭 孙福佳 杨丽红 《软件》 2020年第7期66-71,共6页
随着广大用户越来越追求人工智能产品的体验,手势姿态估计存在广阔的应用前景,但也是当今计算机视觉的难题。针对目前自顶向下的姿态估计模式容易受视觉传感器与目标检测精度的影响,本文提出基于轻量级手势姿态网络(LightweightHandPose... 随着广大用户越来越追求人工智能产品的体验,手势姿态估计存在广阔的应用前景,但也是当今计算机视觉的难题。针对目前自顶向下的姿态估计模式容易受视觉传感器与目标检测精度的影响,本文提出基于轻量级手势姿态网络(LightweightHandPoseNet,LHPN)算法的手势姿态估计方法,该算法采用ConvolutionalPose Machines(CPM)算法的多层次顺序结构,在每个阶段后隐式地将上下文信息融合,并设计了轻量级主干网络,以提升手势姿态估计的综合性能。基于STB数据集对比分析不同内部结构的LHPN算法性能,并与典型算法进行对比。实验结果表明,LHPN算法能够对手势姿态进行准确估计,与CPM算法相比,在AUC方面提升了0.5%,在每帧图像运算时长方面减少了0.1358 s。 展开更多
关键词 手势姿态估计 Lightweight Hand Pose Net Convolutional Pose Machines 轻量级
下载PDF
不同着地方式对跑步支撑期下肢生物力学特征的影响 被引量:4
20
作者 张瑞全 《滁州职业技术学院学报》 2019年第3期52-55,共4页
研究分析不同着地方式对跑步支撑期下肢生物力学特征的影响。方法:分别采用不同着地方式,严格控制实验中的变量,运用测重力设备进行测试研究受试者体重与落地时所受的反作用力的关系。结果:前后足着地不同产生冲击力不同峰值;前脚掌着... 研究分析不同着地方式对跑步支撑期下肢生物力学特征的影响。方法:分别采用不同着地方式,严格控制实验中的变量,运用测重力设备进行测试研究受试者体重与落地时所受的反作用力的关系。结果:前后足着地不同产生冲击力不同峰值;前脚掌着地比足跟着地髋关节、膝关节、踝关节活动度均少。结论:与其他着地方式相比,前脚掌着地方式能够有效的减少地面反作用力,避免下肢损伤;跑步重心的控制可以减少足跟着地方式对人体下肢的损伤。 展开更多
关键词 着地方式 跑步支撑期 下肢生物力学 pose跑法
下载PDF
上一页 1 2 17 下一页 到第
使用帮助 返回顶部