期刊文献+
共找到47,778篇文章
< 1 2 250 >
每页显示 20 50 100
Parallel Technologies with Image Processing Using Inverse Filter
1
作者 Rahaf Alsharhan Areej Muheef +2 位作者 Yasmin Al Ibrahim Afnan Rayyani Yasir Alguwaifli 《Journal of Computer and Communications》 2024年第1期110-119,共10页
Real-time capabilities and computational efficiency are provided by parallel image processing utilizing OpenMP. However, race conditions can affect the accuracy and reliability of the outcomes. This paper highlights t... Real-time capabilities and computational efficiency are provided by parallel image processing utilizing OpenMP. However, race conditions can affect the accuracy and reliability of the outcomes. This paper highlights the importance of addressing race conditions in parallel image processing, specifically focusing on color inverse filtering using OpenMP. We considered three solutions to solve race conditions, each with distinct characteristics: #pragma omp atomic: Protects individual memory operations for fine-grained control. #pragma omp critical: Protects entire code blocks for exclusive access. #pragma omp parallel sections reduction: Employs a reduction clause for safe aggregation of values across threads. Our findings show that the produced images were unaffected by race condition. However, it becomes evident that solving the race conditions in the code makes it significantly faster, especially when it is executed on multiple cores. 展开更多
关键词 parallel parallelIZATION Image Processing Inverse Filtering OPENMP Race Conditions
下载PDF
Parallel Image Processing: Taking Grayscale Conversion Using OpenMP as an Example
2
作者 Bayan AlHumaidan Shahad Alghofaily +2 位作者 Maitha Al Qhahtani Sara Oudah Naya Nagy 《Journal of Computer and Communications》 2024年第2期1-10,共10页
In recent years, the widespread adoption of parallel computing, especially in multi-core processors and high-performance computing environments, ushered in a new era of efficiency and speed. This trend was particularl... In recent years, the widespread adoption of parallel computing, especially in multi-core processors and high-performance computing environments, ushered in a new era of efficiency and speed. This trend was particularly noteworthy in the field of image processing, which witnessed significant advancements. This parallel computing project explored the field of parallel image processing, with a focus on the grayscale conversion of colorful images. Our approach involved integrating OpenMP into our framework for parallelization to execute a critical image processing task: grayscale conversion. By using OpenMP, we strategically enhanced the overall performance of the conversion process by distributing the workload across multiple threads. The primary objectives of our project revolved around optimizing computation time and improving overall efficiency, particularly in the task of grayscale conversion of colorful images. Utilizing OpenMP for concurrent processing across multiple cores significantly reduced execution times through the effective distribution of tasks among these cores. The speedup values for various image sizes highlighted the efficacy of parallel processing, especially for large images. However, a detailed examination revealed a potential decline in parallelization efficiency with an increasing number of cores. This underscored the importance of a carefully optimized parallelization strategy, considering factors like load balancing and minimizing communication overhead. Despite challenges, the overall scalability and efficiency achieved with parallel image processing underscored OpenMP’s effectiveness in accelerating image manipulation tasks. 展开更多
关键词 parallel Computing Image Processing OPENMP parallel Programming High Performance Computing GPU (Graphic Processing Unit)
下载PDF
The Implementation of Ray Tracing Algorithm with OpenMP Parallelization
3
作者 Noor Alnasser Raghad Alabssi +2 位作者 Batool Faran Latifah Alessa Naya Nagy 《Journal of Computer and Communications》 2024年第1期120-130,共11页
Ray tracing is a computer graphics method that renders images realistically. As the name suggests, this technique primarily traces the path of light rays interacting with objects in a scene [1], permitting the calcula... Ray tracing is a computer graphics method that renders images realistically. As the name suggests, this technique primarily traces the path of light rays interacting with objects in a scene [1], permitting the calculation of lighting and reflecting impact [2]. As ray tracing is a time-consuming process, the need for parallelization to solve this problem arises. One downside of this solution is the existence of race conditions. In this work, we explore and experiment with a different, well-known solution for this race condition. Starting with the introduction and the background section, a brief overview of the topic is followed by a detailed part of how the race conditions may occur in the case of the ray tracing algorithm. Continuing with the methods and results section, we have used OpenMP to parallelize the Ray tracing algorithm with the different compiler directives critical, atomic, and first-private. Hence, it concluded that both critical and atomic are not efficient solutions to produce a good-quality picture, but first-private succeeded in producing a high-quality picture. 展开更多
关键词 parallelIZATION Ray Tracing parallel Computer Architecture OPENMP
下载PDF
Accelerating Large-Scale Sorting through Parallel Algorithms
4
作者 Yahya Alhabboub Fares Almutairi +3 位作者 Mohammed Safhi Yazan Alqahtani Adam Almeedani Yasir Alguwaifli 《Journal of Computer and Communications》 2024年第1期131-138,共8页
This study explores the application of parallel algorithms to enhance large-scale sorting, focusing on the QuickSort method. Implemented in both sequential and parallel forms, the paper provides a detailed comparison ... This study explores the application of parallel algorithms to enhance large-scale sorting, focusing on the QuickSort method. Implemented in both sequential and parallel forms, the paper provides a detailed comparison of their performance. This study investigates the efficacy of both techniques through the lens of array generation and pivot selection to manage datasets of varying sizes. This study meticulously documents the performance metrics, recording 16,499.2 milliseconds for the serial implementation and 16,339 milliseconds for the parallel implementation when sorting an array by using C++ chrono library. These results suggest that while the performance gains of the parallel approach over its serial counterpart are not immediately pronounced for smaller datasets, the benefits are expected to be more substantial as the dataset size increases. 展开更多
关键词 Sorting Algorithm Quick Sort QuickSort parallel parallel Algorithms
下载PDF
Utilizing Iso-Value Field Curves in Lieu of Magnetic Field Lines Amid Infinite and Parallel Electrical Wires
5
作者 Geoffroy Auvert 《Open Journal of Applied Sciences》 2024年第1期70-84,共15页
Building on a new model proposed recently for calculating constant electro-magnetic field values, the present article explores the electro-magnetic field configuration generated by parallel electrical wires. This impo... Building on a new model proposed recently for calculating constant electro-magnetic field values, the present article explores the electro-magnetic field configuration generated by parallel electrical wires. This imposes a reevaluation of the drawing procedure for constructing field curves with a constant field values around multiple parallel electrical conducting wires. To achieve this, we employ methods akin to those used for creating contours on topographical maps, ensuring a consistent numerical field value along the entire length of the field curves. Subsequent calculations will be conducted for scenarios where wires are not parallel. 展开更多
关键词 Specific Field Value parallel Electrical Wires Magnetic Field Vector Field around parallel Wires Topographic Level Map
下载PDF
MPI/OpenMP-Based Parallel Solver for Imprint Forming Simulation
6
作者 Yang Li Jiangping Xu +2 位作者 Yun Liu Wen Zhong Fei Wang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第7期461-483,共23页
In this research,we present the pure open multi-processing(OpenMP),pure message passing interface(MPI),and hybrid MPI/OpenMP parallel solvers within the dynamic explicit central difference algorithm for the coining pr... In this research,we present the pure open multi-processing(OpenMP),pure message passing interface(MPI),and hybrid MPI/OpenMP parallel solvers within the dynamic explicit central difference algorithm for the coining process to address the challenge of capturing fine relief features of approximately 50 microns.Achieving such precision demands the utilization of at least 7 million tetrahedron elements,surpassing the capabilities of traditional serial programs previously developed.To mitigate data races when calculating internal forces,intermediate arrays are introduced within the OpenMP directive.This helps ensure proper synchronization and avoid conflicts during parallel execution.Additionally,in the MPI implementation,the coins are partitioned into the desired number of regions.This division allows for efficient distribution of computational tasks across multiple processes.Numerical simulation examples are conducted to compare the three solvers with serial programs,evaluating correctness,acceleration ratio,and parallel efficiency.The results reveal a relative error of approximately 0.3%in forming force among the parallel and serial solvers,while the predicted insufficient material zones align with experimental observations.Additionally,speedup ratio and parallel efficiency are assessed for the coining process simulation.The pureMPI parallel solver achieves a maximum acceleration of 9.5 on a single computer(utilizing 12 cores)and the hybrid solver exhibits a speedup ratio of 136 in a cluster(using 6 compute nodes and 12 cores per compute node),showing the strong scalability of the hybrid MPI/OpenMP programming model.This approach effectively meets the simulation requirements for commemorative coins with intricate relief patterns. 展开更多
关键词 Hybrid MPI/OpenMP parallel computing MPI OPENMP imprint forming
下载PDF
Off-Grid Compressed Channel Estimation with Parallel Interference Cancellation for Millimeter Wave Massive MIMO
7
作者 Liu Jinru Tian Yongqing +1 位作者 Liu Danpu Zhang Zhilong 《China Communications》 SCIE CSCD 2024年第3期51-65,共15页
Millimeter wave(mmWave)massive multiple-input multiple-output(MIMO)plays an important role in the fifth-generation(5G)mobile communications and beyond wireless communication systems owing to its potential of high capa... Millimeter wave(mmWave)massive multiple-input multiple-output(MIMO)plays an important role in the fifth-generation(5G)mobile communications and beyond wireless communication systems owing to its potential of high capacity.However,channel estimation has become very challenging due to the use of massive MIMO antenna array.Fortunately,the mmWave channel has strong sparsity in the spatial angle domain,and the compressed sensing technology can be used to convert the original channel matrix into the sparse matrix of discrete angle grid.Thus the high-dimensional channel matrix estimation is transformed into a sparse recovery problem with greatly reduced computational complexity.However,the path angle in the actual scene appears randomly and is unlikely to be completely located on the quantization angle grid,thus leading to the problem of power leakage.Moreover,multiple paths with the random distribution of angles will bring about serious interpath interference and further deteriorate the performance of channel estimation.To address these off-grid issues,we propose a parallel interference cancellation assisted multi-grid matching pursuit(PIC-MGMP)algorithm in this paper.The proposed algorithm consists of three stages,including coarse estimation,refined estimation,and inter-path cyclic iterative inter-ference cancellation.More specifically,the angular resolution can be improved by locally refining the grid to reduce power leakage,while the inter-path interference is eliminated by parallel interference cancellation(PIC),and the two together improve the estimation accuracy.Simulation results show that compared with the traditional orthogonal matching pursuit(OMP)algorithm,the normalized mean square error(NMSE)of the proposed algorithm decreases by over 14dB in the case of 2 paths. 展开更多
关键词 channel estimation compressed sensing inter-path interference millimeter wave massive MIMO OFF-GRID parallel interference cancellation
下载PDF
Enhancing visual security: An image encryption scheme based on parallel compressive sensing and edge detection embedding
8
作者 王一铭 黄树锋 +2 位作者 陈煌 杨健 蔡述庭 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第1期287-302,共16页
A novel image encryption scheme based on parallel compressive sensing and edge detection embedding technology is proposed to improve visual security. Firstly, the plain image is sparsely represented using the discrete... A novel image encryption scheme based on parallel compressive sensing and edge detection embedding technology is proposed to improve visual security. Firstly, the plain image is sparsely represented using the discrete wavelet transform.Then, the coefficient matrix is scrambled and compressed to obtain a size-reduced image using the Fisher–Yates shuffle and parallel compressive sensing. Subsequently, to increase the security of the proposed algorithm, the compressed image is re-encrypted through permutation and diffusion to obtain a noise-like secret image. Finally, an adaptive embedding method based on edge detection for different carrier images is proposed to generate a visually meaningful cipher image. To improve the plaintext sensitivity of the algorithm, the counter mode is combined with the hash function to generate keys for chaotic systems. Additionally, an effective permutation method is designed to scramble the pixels of the compressed image in the re-encryption stage. The simulation results and analyses demonstrate that the proposed algorithm performs well in terms of visual security and decryption quality. 展开更多
关键词 visual security image encryption parallel compressive sensing edge detection embedding
原文传递
A Hybrid Parallel Strategy for Isogeometric Topology Optimization via CPU/GPU Heterogeneous Computing
9
作者 Zhaohui Xia Baichuan Gao +3 位作者 Chen Yu Haotian Han Haobo Zhang Shuting Wang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第2期1103-1137,共35页
This paper aims to solve large-scale and complex isogeometric topology optimization problems that consumesignificant computational resources. A novel isogeometric topology optimization method with a hybrid parallelstr... This paper aims to solve large-scale and complex isogeometric topology optimization problems that consumesignificant computational resources. A novel isogeometric topology optimization method with a hybrid parallelstrategy of CPU/GPU is proposed, while the hybrid parallel strategies for stiffness matrix assembly, equationsolving, sensitivity analysis, and design variable update are discussed in detail. To ensure the high efficiency ofCPU/GPU computing, a workload balancing strategy is presented for optimally distributing the workload betweenCPU and GPU. To illustrate the advantages of the proposedmethod, three benchmark examples are tested to verifythe hybrid parallel strategy in this paper. The results show that the efficiency of the hybrid method is faster thanserial CPU and parallel GPU, while the speedups can be up to two orders of magnitude. 展开更多
关键词 Topology optimization high-efficiency isogeometric analysis CPU/GPU parallel computing hybrid OpenMPCUDA
下载PDF
Multi-Level Parallel Network for Brain Tumor Segmentation
10
作者 Juhong Tie Hui Peng 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期741-757,共17页
Accurate automatic segmentation of gliomas in various sub-regions,including peritumoral edema,necrotic core,and enhancing and non-enhancing tumor core from 3D multimodal MRI images,is challenging because of its highly... Accurate automatic segmentation of gliomas in various sub-regions,including peritumoral edema,necrotic core,and enhancing and non-enhancing tumor core from 3D multimodal MRI images,is challenging because of its highly heterogeneous appearance and shape.Deep convolution neural networks(CNNs)have recently improved glioma segmentation performance.However,extensive down-sampling such as pooling or stridden convolution in CNNs significantly decreases the initial image resolution,resulting in the loss of accurate spatial and object parts information,especially information on the small sub-region tumors,affecting segmentation performance.Hence,this paper proposes a novel multi-level parallel network comprising three different level parallel subnetworks to fully use low-level,mid-level,and high-level information and improve the performance of brain tumor segmentation.We also introduce the Combo loss function to address input class imbalance and false positives and negatives imbalance in deep learning.The proposed method is trained and validated on the BraTS 2020 training and validation dataset.On the validation dataset,ourmethod achieved a mean Dice score of 0.907,0.830,and 0.787 for the whole tumor,tumor core,and enhancing tumor core,respectively.Compared with state-of-the-art methods,the multi-level parallel network has achieved competitive results on the validation dataset. 展开更多
关键词 Convolution neural network brain tumor segmentation parallel network
下载PDF
Improved multi-scale inverse bottleneck residual network based on triplet parallel attention for apple leaf disease identification
11
作者 Lei Tang Jizheng Yi Xiaoyao Li 《Journal of Integrative Agriculture》 SCIE CAS CSCD 2024年第3期901-922,共22页
Accurate diagnosis of apple leaf diseases is crucial for improving the quality of apple production and promoting the development of the apple industry. However, apple leaf diseases do not differ significantly from ima... Accurate diagnosis of apple leaf diseases is crucial for improving the quality of apple production and promoting the development of the apple industry. However, apple leaf diseases do not differ significantly from image texture and structural information. The difficulties in disease feature extraction in complex backgrounds slow the related research progress. To address the problems, this paper proposes an improved multi-scale inverse bottleneck residual network model based on a triplet parallel attention mechanism, which is built upon ResNet-50, while improving and combining the inception module and ResNext inverse bottleneck blocks, to recognize seven types of apple leaf(including six diseases of alternaria leaf spot, brown spot, grey spot, mosaic, rust, scab, and one healthy). First, the 3×3 convolutions in some of the residual modules are replaced by multi-scale residual convolutions, the convolution kernels of different sizes contained in each branch of the multi-scale convolution are applied to extract feature maps of different sizes, and the outputs of these branches are multi-scale fused by summing to enrich the output features of the images. Second, the global layer-wise dynamic coordinated inverse bottleneck structure is used to reduce the network feature loss. The inverse bottleneck structure makes the image information less lossy when transforming from different dimensional feature spaces. The fusion of multi-scale and layer-wise dynamic coordinated inverse bottlenecks makes the model effectively balances computational efficiency and feature representation capability, and more robust with a combination of horizontal and vertical features in the fine identification of apple leaf diseases. Finally, after each improved module, a triplet parallel attention module is integrated with cross-dimensional interactions among channels through rotations and residual transformations, which improves the parallel search efficiency of important features and the recognition rate of the network with relatively small computational costs while the dimensional dependencies are improved. To verify the validity of the model in this paper, we uniformly enhance apple leaf disease images screened from the public data sets of Plant Village, Baidu Flying Paddle, and the Internet. The final processed image count is 14,000. The ablation study, pre-processing comparison, and method comparison are conducted on the processed datasets. The experimental results demonstrate that the proposed method reaches 98.73% accuracy on the adopted datasets, which is 1.82% higher than the classical ResNet-50 model, and 0.29% better than the apple leaf disease datasets before preprocessing. It also achieves competitive results in apple leaf disease identification compared to some state-ofthe-art methods. 展开更多
关键词 multi-scale module inverse bottleneck structure triplet parallel attention apple leaf disease
下载PDF
Performance Enhancement of XML Parsing Using Regression and Parallelism
12
作者 Muhammad Ali Minhaj Ahmad Khan 《Computer Systems Science & Engineering》 2024年第2期287-303,共17页
The Extensible Markup Language(XML)files,widely used for storing and exchanging information on the web require efficient parsing mechanisms to improve the performance of the applications.With the existing Document Obj... The Extensible Markup Language(XML)files,widely used for storing and exchanging information on the web require efficient parsing mechanisms to improve the performance of the applications.With the existing Document Object Model(DOM)based parsing,the performance degrades due to sequential processing and large memory requirements,thereby requiring an efficient XML parser to mitigate these issues.In this paper,we propose a Parallel XML Tree Generator(PXTG)algorithm for accelerating the parsing of XML files and a Regression-based XML Parsing Framework(RXPF)that analyzes and predicts performance through profiling,regression,and code generation for efficient parsing.The PXTG algorithm is based on dividing the XML file into n parts and producing n trees in parallel.The profiling phase of the RXPF framework produces a dataset by measuring the performance of various parsing models including StAX,SAX,DOM,JDOM,and PXTG on different cores by using multiple file sizes.The regression phase produces the prediction model,based on which the final code for efficient parsing of XML files is produced through the code generation phase.The RXPF framework has shown a significant improvement in performance varying from 9.54%to 32.34%over other existing models used for parsing XML files. 展开更多
关键词 Regression parallel parsing multi-cores XML
下载PDF
Parallel Inference for Real-Time Machine Learning Applications
13
作者 Sultan Al Bayyat Ammar Alomran +3 位作者 Mohsen Alshatti Ahmed Almousa Rayyan Almousa Yasir Alguwaifli 《Journal of Computer and Communications》 2024年第1期139-146,共8页
Hyperparameter tuning is a key step in developing high-performing machine learning models, but searching large hyperparameter spaces requires extensive computation using standard sequential methods. This work analyzes... Hyperparameter tuning is a key step in developing high-performing machine learning models, but searching large hyperparameter spaces requires extensive computation using standard sequential methods. This work analyzes the performance gains from parallel versus sequential hyperparameter optimization. Using scikit-learn’s Randomized SearchCV, this project tuned a Random Forest classifier for fake news detection via randomized grid search. Setting n_jobs to -1 enabled full parallelization across CPU cores. Results show the parallel implementation achieved over 5× faster CPU times and 3× faster total run times compared to sequential tuning. However, test accuracy slightly dropped from 99.26% sequentially to 99.15% with parallelism, indicating a trade-off between evaluation efficiency and model performance. Still, the significant computational gains allow more extensive hyperparameter exploration within reasonable timeframes, outweighing the small accuracy decrease. Further analysis could better quantify this trade-off across different models, tuning techniques, tasks, and hardware. 展开更多
关键词 Machine Learning Models Computational Efficiency parallel Computing Systems Random Forest Inference Hyperparameter Tuning Python Frameworks (TensorFlow PyTorch Scikit-Learn) High-Performance Computing
下载PDF
Parallel Learning:Overview and Perspective for Computational Learning Across Syn2Real and Sim2Real 被引量:6
14
作者 Qinghai Miao Yisheng Lv +2 位作者 Min Huang Xiao Wang Fei-Yue Wang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第3期603-631,共29页
The virtual-to-real paradigm,i.e.,training models on virtual data and then applying them to solve real-world problems,has attracted more and more attention from various domains by successfully alleviating the data sho... The virtual-to-real paradigm,i.e.,training models on virtual data and then applying them to solve real-world problems,has attracted more and more attention from various domains by successfully alleviating the data shortage problem in machine learning.To summarize the advances in recent years,this survey comprehensively reviews the literature,from the viewport of parallel intelligence.First,an extended parallel learning framework is proposed to cover main domains including computer vision,natural language processing,robotics,and autonomous driving.Second,a multi-dimensional taxonomy is designed to organize the literature in a hierarchical structure.Third,the related virtual-toreal works are analyzed and compared according to the three principles of parallel learning known as description,prediction,and prescription,which cover the methods for constructing virtual worlds,generating labeled data,domain transferring,model training and testing,as well as optimizing the strategies to guide the task-oriented data generator for better learning performance.Key issues remained in virtual-to-real are discussed.Furthermore,the future research directions from the viewpoint of parallel learning are suggested. 展开更多
关键词 Machine learning parallel learning parallel systems sim-to-real syn-to-real virtual-to-real
下载PDF
Steps Toward Industry 5.0:Building“6S”Parallel Industries With Cyber-Physical-Social Intelligence 被引量:4
15
作者 Xingxia Wang Jing Yang +7 位作者 Yutong Wang Qinghai Miao Fei-Yue Wang Aijun Zhao Jian-Ling Deng Lingxi Li Xiaoxiang Na Ljubo Vlacic 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第8期1692-1703,共12页
Very recently,intensive discussions and studies on Industry 5.0 have sprung up and caused the attention of researchers,entrepreneurs,and policymakers from various sectors around the world.However,there is no consensus... Very recently,intensive discussions and studies on Industry 5.0 have sprung up and caused the attention of researchers,entrepreneurs,and policymakers from various sectors around the world.However,there is no consensus on why and what is Industry 5.0 yet.In this paper,we define Industry 5.0from its philosophical and historical origin and evolution,emphasize its new thinking on virtual-real duality and human-machine interaction,and introduce its new theory and technology based on parallel intelligence(PI),artificial societies,computational experiments,and parallel execution(the ACP method),and cyber-physical-social systems(CPSS).Case studies and applications of Industry 5.0 over the last decade have been briefly summarized and analyzed with suggestions for its future development.We believe that Industry 5.0 of virtual-real interactive parallel industries has great potentials and is critical for building smart societies.Steps are outlined to ensure a roadmap that would lead to a smooth transition from CPS-based Industry 4.0 to CPSS-based Industry 5.0 for a better world which is Safe in physical spaces,S ecure in cyberspaces,Sustainable in ecology,Sensitive in individual privacy and rights,Service for all,and Smartness of all. 展开更多
关键词 ACP artificial intelligence CPS CPSS Industry 4.0 Industry 5.0 parallel industries parallel intelligence
下载PDF
Parallel Driving in CPSS:A Unified Approach for Transport Automation and Vehicle Intelligence 被引量:41
16
作者 Fei-Yue Wang Nan-Ning Zheng +3 位作者 Dongpu Cao Clara Marina Martinez Li Li Teng Liu 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2017年第4期577-587,共11页
The emerging development of connected and automated vehicles imposes a significant challenge on current vehicle control and transportation systems. This paper proposes a novel unified approach, Parallel Driving, a clo... The emerging development of connected and automated vehicles imposes a significant challenge on current vehicle control and transportation systems. This paper proposes a novel unified approach, Parallel Driving, a cloud-based cyberphysical-social systems(CPSS) framework aiming at synergizing connected automated driving. This study first introduces the CPSS and ACP-based intelligent machine systems. Then the parallel driving is proposed in the cyber-physical-social space,considering interactions among vehicles, human drivers, and information. Within the framework, parallel testing, parallel learning and parallel reinforcement learning are developed and concisely reviewed. Development on intelligent horizon(iHorizon)and its applications are also presented towards parallel horizon.The proposed parallel driving offers an ample solution for achieving a smooth, safe and efficient cooperation among connected automated vehicles with different levels of automation in future road transportation systems. 展开更多
关键词 ACP theory connected automated driving cyber-physical-social systems(CPSS) iHorizon parallel driving parallel horizon parallel learning parallel reinforcement learning parallel testing
下载PDF
Design and Analysis of a Novel Shoulder Exoskeleton Based on a Parallel Mechanism 被引量:1
17
作者 Lianzheng Niu Sheng Guo +2 位作者 Majun Song Yifan Wu Haibo Qu 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2023年第2期261-278,共18页
Power-assisted upper-limb exoskeletons are primarily used to improve the handling efficiency and load capacity.However,kinematic mismatch between the kinematics and biological joints is a major problem in most existin... Power-assisted upper-limb exoskeletons are primarily used to improve the handling efficiency and load capacity.However,kinematic mismatch between the kinematics and biological joints is a major problem in most existing exoskeletons,because it reduces the boosting effect and causes pain and long-term joint damage in humans.In this study,a shoulder augmentation exoskeleton was designed based on a parallel mechanism that solves the shoulder dislocation problem using the upper arm as a passive limb.Consequently,the human–machine synergy and wearability of the exoskeleton system were improved without increasing the volume and weight of the system.A parallel mechanism was used as the structural body of the shoulder joint exoskeleton,and its workspace,dexterity,and stiffness were analyzed.Additionally,an ergonomic model was developed using the principle of virtual work,and a case analysis was performed considering the lifting of heavy objects.The results show that the upper arm reduces the driving force requirement in coordinated motion,enhances the load capacity of the system,and achieves excellent assistance. 展开更多
关键词 Upper limb exoskeleton parallel mechanism Human–machine compatibility DYNAMICS
下载PDF
Autonomous air combat decision-making of UAV based on parallel self-play reinforcement learning 被引量:1
18
作者 Bo Li Jingyi Huang +4 位作者 Shuangxia Bai Zhigang Gan Shiyang Liang Neretin Evgeny Shouwen Yao 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第1期64-81,共18页
Aiming at addressing the problem of manoeuvring decision-making in UAV air combat,this study establishes a one-to-one air combat model,defines missile attack areas,and uses the non-deterministic policy Soft-Actor-Crit... Aiming at addressing the problem of manoeuvring decision-making in UAV air combat,this study establishes a one-to-one air combat model,defines missile attack areas,and uses the non-deterministic policy Soft-Actor-Critic(SAC)algorithm in deep reinforcement learning to construct a decision model to realize the manoeuvring process.At the same time,the complexity of the proposed algorithm is calculated,and the stability of the closed-loop system of air combat decision-making controlled by neural network is analysed by the Lyapunov function.This study defines the UAV air combat process as a gaming process and proposes a Parallel Self-Play training SAC algorithm(PSP-SAC)to improve the generalisation performance of UAV control decisions.Simulation results have shown that the proposed algorithm can realize sample sharing and policy sharing in multiple combat environments and can significantly improve the generalisation ability of the model compared to independent training. 展开更多
关键词 air combat decision deep reinforcement learning parallel self-play SAC algorithm UAV
下载PDF
Gravity-Based Kinetostatic Modeling of Parallel Manipulators Using Screw Theory
19
作者 Chao Yang Fengli Huang +1 位作者 Wei Ye Qiaohong Chen 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2023年第6期73-86,共14页
The pose accuracy of parallel manipulators(PMs)is a key index to measure their performance.Establishing the grav-ity-based kinetostatic model of a parallel robot provides an important basis for its error composition a... The pose accuracy of parallel manipulators(PMs)is a key index to measure their performance.Establishing the grav-ity-based kinetostatic model of a parallel robot provides an important basis for its error composition and accuracy improvement.In this paper,a kinetostatic modeling approach that takes real gravity distribution into consideration is proposed to analyze the influence of gravity on the infinitesimal twist and actuator forces of PMs.First,the duality of the twist screw and constraint wrenches are used to derive the gravity-attached constraint wrenches independent of the external load and the limb stiffness matrix corresponding to the kinematics-based constraint wrenches.Sec-ond,the gravity model of the mechanism is established based on the screw theory and the principle of virtual work.Finally,the analytical formulas of the infinitesimal twist and the actuator force of PMs are obtained,and the influences of the external load,platform gravity,and rod gravity on the stiffness of the mechanism are decoupled.The non-overconstrained 3RPS and overconstrained 2PRU-UPR PMs are taken as examples to verify the proposed method.This research proposes a methodology to analyze the infinitesimal deformation of the mechanism under the influence of gravity. 展开更多
关键词 parallel manipulator Kinetostatic model GRAVITY Screw theory
下载PDF
Hound:a parallel image distribution system for cluster based on Docker
20
作者 LIU Zijie LI Junjiang +1 位作者 CHEN Can ZHANG Dengyin 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第4期955-965,共11页
Current applications,consisting of multiple replicas,are packaged into lightweight containers with their execution dependencies.Considering the dominant impact of distribution efficiency of gigantic images on containe... Current applications,consisting of multiple replicas,are packaged into lightweight containers with their execution dependencies.Considering the dominant impact of distribution efficiency of gigantic images on container startup(e.g.,distributed deep learning application),the image“warm-up”technique which prefetches images of these replicas to destination nodes in the cluster is proposed.However,the current image“warm-up”technique solely focuses on identical image distribution,which fails to take effect when distributing different images to destination nodes.To address this problem,this paper proposes Hound,a simple but efficient cluster image distribution system based on Docker.To support diverse image distribution requests of cluster nodes,Hound additionally adopts node-level parallelism(i.e.,downloading images to destination nodes in parallel)to further improve the efficiency of image distribution.The experimental results demonstrate Hound outperforms Docker,kubernetes container runtime interface(CRI-O),and Docker-compose in terms of image distribution performance when cluster nodes request different images.Moreover,the high scalability of Hound is evaluated in the scenario of ten nodes. 展开更多
关键词 container image image distribution parallelISM CONTAINERIZATION
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部