首页 > 最新文献

Computer Aided Geometric Design最新文献

英文 中文
Feature-preserving quadrilateral mesh Boolean operation with cross-field guided layout blending 通过跨场引导布局混合实现保全特征的四边形网格布尔运算
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102324
Weiwei Zheng, Haiyan Wu, Gang Xu, Ran Ling, Renshu Gu

Compared to triangular meshes, high-quality quadrilateral meshes offer significant advantages in the field of simulation. However, generating high-quality quadrilateral meshes has always been a challenging task. By synthesizing high-quality quadrilateral meshes based on existing ones through Boolean operations such as mesh intersection, union, and difference, the automation level of quadrilateral mesh modeling can be improved. This significantly reduces modeling time. We propose a feature-preserving quadrilateral mesh Boolean operation method that can generate high-quality all-quadrilateral meshes through Boolean operations while preserving the geometric features and shape of the original mesh. Our method, guided by cross-field techniques, aligns mesh faces with geometric features of the model and maximally preserves the original mesh's geometric shape and layout. Compared to traditional quadrilateral mesh generation methods, our approach demonstrates higher efficiency, offering a substantial improvement to the pipeline of mesh-based modeling tools.

与三角形网格相比,高质量的四边形网格在仿真领域具有显著优势。然而,生成高质量的四边形网格一直是一项具有挑战性的任务。通过网格交集、联合和差分等布尔运算,在现有网格的基础上合成高质量的四边形网格,可以提高四边形网格建模的自动化水平。这大大缩短了建模时间。我们提出了一种保留特征的四边形网格布尔运算方法,可以通过布尔运算生成高质量的全四边形网格,同时保留原始网格的几何特征和形状。我们的方法以交叉场技术为指导,将网格面与模型的几何特征对齐,最大程度地保留了原始网格的几何形状和布局。与传统的四边形网格生成方法相比,我们的方法具有更高的效率,为基于网格的建模工具提供了实质性的改进。
{"title":"Feature-preserving quadrilateral mesh Boolean operation with cross-field guided layout blending","authors":"Weiwei Zheng,&nbsp;Haiyan Wu,&nbsp;Gang Xu,&nbsp;Ran Ling,&nbsp;Renshu Gu","doi":"10.1016/j.cagd.2024.102324","DOIUrl":"10.1016/j.cagd.2024.102324","url":null,"abstract":"<div><p>Compared to triangular meshes, high-quality quadrilateral meshes offer significant advantages in the field of simulation. However, generating high-quality quadrilateral meshes has always been a challenging task. By synthesizing high-quality quadrilateral meshes based on existing ones through Boolean operations such as mesh intersection, union, and difference, the automation level of quadrilateral mesh modeling can be improved. This significantly reduces modeling time. We propose a feature-preserving quadrilateral mesh Boolean operation method that can generate high-quality all-quadrilateral meshes through Boolean operations while preserving the geometric features and shape of the original mesh. Our method, guided by cross-field techniques, aligns mesh faces with geometric features of the model and maximally preserves the original mesh's geometric shape and layout. Compared to traditional quadrilateral mesh generation methods, our approach demonstrates higher efficiency, offering a substantial improvement to the pipeline of mesh-based modeling tools.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102324"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140769741","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Fast parameterization of planar domains for isogeometric analysis via generalization of deep neural network 通过深度神经网络的泛化实现等距测量分析中平面域的快速参数化
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102313
Zheng Zhan , Wenping Wang , Falai Chen

One prominent step in isogeometric analysis (IGA) is known as domain parameterization, that is, finding a parametric spline representation for a computational domain. Typically, domain parameterization is divided into two separate steps: identifying an appropriate boundary correspondence and then parameterizing the interior region. However, this separation significantly degrades the quality of the parameterization. To attain high-quality parameterization, it is necessary to optimize both the boundary correspondence and the interior mapping simultaneously, referred to as integral parameterization. In a prior research, an integral parameterization approach for planar domains based on neural networks was introduced. One limitation of this approach is that the neural network has no ability of generalization, that is, a network has to be trained to obtain a parameterization for each specific computational domain. In this article, we propose an efficient enhancement over this work, and we train a network which has the capacity of generalization—once the network is trained, a parameterization can be immediately obtained for each specific computational via evaluating the network. The new network greatly speeds up the parameterization process by two orders of magnitudes. We evaluate the performance of the new network on the MPEG data set and a self-design data set, and experimental results demonstrate the superiority of our algorithm compared to state-of-the-art parameterization methods.

等距几何分析 (IGA) 的一个重要步骤是域参数化,即为计算域找到参数化样条线表示。通常,域参数化分为两个独立步骤:确定适当的边界对应关系,然后对内部区域进行参数化。然而,这种分离大大降低了参数化的质量。为了获得高质量的参数化,有必要同时优化边界对应和内部映射,这被称为积分参数化。在之前的研究中,提出了一种基于神经网络的平面域积分参数化方法。这种方法的一个局限是神经网络没有泛化能力,也就是说,必须对网络进行训练,才能获得每个特定计算域的参数化。在本文中,我们提出了一种有效的改进方法,即训练一个具有泛化能力的网络--一旦网络训练完成,就可以通过评估网络立即获得每个特定计算的参数化。新网络将参数化过程大大加快了两个数量级。我们在 MPEG 数据集和自我设计数据集上评估了新网络的性能,实验结果表明,与最先进的参数化方法相比,我们的算法更胜一筹。
{"title":"Fast parameterization of planar domains for isogeometric analysis via generalization of deep neural network","authors":"Zheng Zhan ,&nbsp;Wenping Wang ,&nbsp;Falai Chen","doi":"10.1016/j.cagd.2024.102313","DOIUrl":"https://doi.org/10.1016/j.cagd.2024.102313","url":null,"abstract":"<div><p>One prominent step in isogeometric analysis (IGA) is known as domain parameterization, that is, finding a parametric spline representation for a computational domain. Typically, domain parameterization is divided into two separate steps: identifying an appropriate boundary correspondence and then parameterizing the interior region. However, this separation significantly degrades the quality of the parameterization. To attain high-quality parameterization, it is necessary to optimize both the boundary correspondence and the interior mapping simultaneously, referred to as integral parameterization. In a prior research, an integral parameterization approach for planar domains based on neural networks was introduced. One limitation of this approach is that the neural network has no ability of generalization, that is, a network has to be trained to obtain a parameterization for each specific computational domain. In this article, we propose an efficient enhancement over this work, and we train a network which has the capacity of generalization—once the network is trained, a parameterization can be immediately obtained for each specific computational via evaluating the network. The new network greatly speeds up the parameterization process by two orders of magnitudes. We evaluate the performance of the new network on the MPEG data set and a self-design data set, and experimental results demonstrate the superiority of our algorithm compared to state-of-the-art parameterization methods.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102313"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140649957","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Evolutionary multi-objective high-order tetrahedral mesh optimization 进化多目标高阶四面体网格优化
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102302
Yang Ji , Shibo Liu , Jia-Peng Guo , Jian-Ping Su , Xiao-Ming Fu

High-order mesh optimization has many goals, such as improving smoothness, reducing approximation error, and improving mesh quality. The previous methods do not optimize these objectives together, resulting in suboptimal results. To this end, we propose a multi-objective optimization method for high-order meshes. Central to our algorithm is using the multi-objective genetic algorithm (MOGA) to adapt to the multiple optimization objectives. Specifically, we optimize each control point one by one, where the MOGA is applied. We demonstrate the feasibility and effectiveness of our method over various models. Compared to other state-of-the-art methods, our method achieves a favorable trade-off between multiple objectives.

高阶网格优化有很多目标,如提高平滑度、减少近似误差和提高网格质量。以往的方法不能同时优化这些目标,导致优化结果不理想。为此,我们提出了一种针对高阶网格的多目标优化方法。我们算法的核心是使用多目标遗传算法 (MOGA) 来适应多重优化目标。具体来说,我们逐个优化每个控制点,并在其中应用 MOGA。我们证明了我们的方法在各种模型中的可行性和有效性。与其他最先进的方法相比,我们的方法在多个目标之间实现了良好的权衡。
{"title":"Evolutionary multi-objective high-order tetrahedral mesh optimization","authors":"Yang Ji ,&nbsp;Shibo Liu ,&nbsp;Jia-Peng Guo ,&nbsp;Jian-Ping Su ,&nbsp;Xiao-Ming Fu","doi":"10.1016/j.cagd.2024.102302","DOIUrl":"https://doi.org/10.1016/j.cagd.2024.102302","url":null,"abstract":"<div><p>High-order mesh optimization has many goals, such as improving smoothness, reducing approximation error, and improving mesh quality. The previous methods do not optimize these objectives together, resulting in suboptimal results. To this end, we propose a multi-objective optimization method for high-order meshes. Central to our algorithm is using the multi-objective genetic algorithm (MOGA) to adapt to the multiple optimization objectives. Specifically, we optimize each control point one by one, where the MOGA is applied. We demonstrate the feasibility and effectiveness of our method over various models. Compared to other state-of-the-art methods, our method achieves a favorable trade-off between multiple objectives.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102302"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140649958","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Feature-preserving shrink wrapping with adaptive alpha 利用自适应阿尔法进行特征保留收缩包装
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102321
Jiayi Dai , Yiqun Wang , Dong-Ming Yan

Recent advancements in shrink-wrapping-based mesh approximation have shown tremendous advantages for non-manifold defective meshes. However, these methods perform unsatisfactorily when maintaining the regions with sharp features and rich details of the input mesh. We propose an adaptive shrink-wrapping method based on the recent Alpha Wrapping technique, offering improved feature preservation while handling defective inputs. The proposed approach comprises three main steps. First, we compute a new sizing field with the capability to assess the discretization density of non-manifold defective meshes. Then, we generate a mesh feature skeleton by projecting input feature lines onto the offset surface, ensuring the preservation of sharp features. Finally, an adaptive wrapping approach based on normal projection is applied to preserve the regions with sharp features and rich details simultaneously. By conducting experimental tests on various datasets including Thingi10k, ABC, and GrabCAD, we demonstrate that our method exhibits significant improvements in mesh fidelity compared to the Alpha Wrapping method, while maintaining the advantage of manifold property inherited from shrink-wrapping methods.

基于收缩包裹的网格逼近技术的最新进展显示出其在处理非漫反射缺陷网格方面的巨大优势。然而,这些方法在保持输入网格的尖锐特征和丰富细节区域时,表现并不令人满意。我们提出了一种基于最新阿尔法包裹技术的自适应收缩包裹方法,在处理有缺陷的输入时能更好地保留特征。所提出的方法包括三个主要步骤。首先,我们计算一个新的尺寸场,该场能够评估非曲面缺陷网格的离散密度。然后,我们通过将输入特征线投影到偏移表面来生成网格特征骨架,确保保留锐利特征。最后,应用基于法线投影的自适应包裹方法,同时保留具有锐利特征和丰富细节的区域。通过在各种数据集(包括 Thingi10k、ABC 和 GrabCAD)上进行实验测试,我们证明了与 Alpha 包裹方法相比,我们的方法在保持收缩包裹方法所继承的流形属性优势的同时,显著提高了网格保真度。
{"title":"Feature-preserving shrink wrapping with adaptive alpha","authors":"Jiayi Dai ,&nbsp;Yiqun Wang ,&nbsp;Dong-Ming Yan","doi":"10.1016/j.cagd.2024.102321","DOIUrl":"10.1016/j.cagd.2024.102321","url":null,"abstract":"<div><p>Recent advancements in shrink-wrapping-based mesh approximation have shown tremendous advantages for non-manifold defective meshes. However, these methods perform unsatisfactorily when maintaining the regions with sharp features and rich details of the input mesh. We propose an adaptive shrink-wrapping method based on the recent Alpha Wrapping technique, offering improved feature preservation while handling defective inputs. The proposed approach comprises three main steps. First, we compute a new sizing field with the capability to assess the discretization density of non-manifold defective meshes. Then, we generate a mesh feature skeleton by projecting input feature lines onto the offset surface, ensuring the preservation of sharp features. Finally, an adaptive wrapping approach based on normal projection is applied to preserve the regions with sharp features and rich details simultaneously. By conducting experimental tests on various datasets including Thingi10k, ABC, and GrabCAD, we demonstrate that our method exhibits significant improvements in mesh fidelity compared to the Alpha Wrapping method, while maintaining the advantage of manifold property inherited from shrink-wrapping methods.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102321"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140769915","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Generated realistic noise and rotation-equivariant models for data-driven mesh denoising 为数据驱动的网格去噪生成真实噪声和旋转变量模型
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102306
Sipeng Yang , Wenhui Ren , Xiwen Zeng , Qingchuan Zhu , Hongbo Fu , Kaijun Fan , Lei Yang , Jingping Yu , Qilong Kou , Xiaogang Jin

3D mesh denoising is a crucial pre-processing step in many graphics applications. However, existing data-driven mesh denoising models, primarily trained on synthetic white noise, are less effective when applied to real-world meshes with the noise of complex intensities and distributions. Moreover, how to comprehensively capture information from input meshes and apply suitable denoising models for feature-preserving mesh denoising remains a critical and unresolved challenge. This paper presents a rotation-Equivariant model-based Mesh Denoising (EMD) model and a Realistic Mesh Noise Generation (RMNG) model to address these issues. Our EMD model leverages rotation-equivariant features and self-attention weights of geodesic patches for more effective feature extraction, thereby achieving SOTA denoising results. The RMNG model, based on the Generative Adversarial Networks (GANs) architecture, generates massive amounts of realistic noisy and noiseless mesh pairs data for data-driven mesh denoising model training, significantly benefiting real-world denoising tasks. To address the smooth degradation and loss of sharp edges commonly observed in captured meshes, we further introduce varying levels of Laplacian smoothing to input meshes during the paired training data generation, endowing the trained denoising model with feature recovery capabilities. Experimental results demonstrate the superior performance of our proposed method in preserving fine-grained features while removing noise on real-world captured meshes.

三维网格去噪是许多图形应用中至关重要的预处理步骤。然而,现有的数据驱动网格去噪模型主要是在合成白噪声的基础上进行训练的,当应用到具有复杂强度和分布噪声的真实世界网格时,其效果并不理想。此外,如何从输入网格中全面捕捉信息,并应用合适的去噪模型对网格进行保全特征去噪,仍然是一个关键且尚未解决的难题。本文提出了基于旋转-等变模型的网格去噪模型(EMD)和现实网格噪声生成模型(RMNG)来解决这些问题。我们的 EMD 模型利用旋转平方特征和测地补丁的自关注权重进行更有效的特征提取,从而实现 SOTA 去噪效果。基于生成对抗网络(GANs)架构的RMNG模型可生成大量真实的有噪声和无噪声网格对数据,用于数据驱动的网格去噪模型训练,极大地改进了现实世界中的去噪任务。为了解决捕捉到的网格中常见的平滑退化和锐利边缘丢失问题,我们在生成成对训练数据时进一步对输入网格引入了不同程度的拉普拉斯平滑处理,从而赋予训练好的去噪模型以特征恢复能力。实验结果表明,我们提出的方法在保留细粒度特征的同时,还能去除真实世界中捕捉到的网格上的噪声,性能优越。
{"title":"Generated realistic noise and rotation-equivariant models for data-driven mesh denoising","authors":"Sipeng Yang ,&nbsp;Wenhui Ren ,&nbsp;Xiwen Zeng ,&nbsp;Qingchuan Zhu ,&nbsp;Hongbo Fu ,&nbsp;Kaijun Fan ,&nbsp;Lei Yang ,&nbsp;Jingping Yu ,&nbsp;Qilong Kou ,&nbsp;Xiaogang Jin","doi":"10.1016/j.cagd.2024.102306","DOIUrl":"10.1016/j.cagd.2024.102306","url":null,"abstract":"<div><p>3D mesh denoising is a crucial pre-processing step in many graphics applications. However, existing data-driven mesh denoising models, primarily trained on synthetic white noise, are less effective when applied to real-world meshes with the noise of complex intensities and distributions. Moreover, how to comprehensively capture information from input meshes and apply suitable denoising models for feature-preserving mesh denoising remains a critical and unresolved challenge. This paper presents a rotation-Equivariant model-based Mesh Denoising (EMD) model and a Realistic Mesh Noise Generation (RMNG) model to address these issues. Our EMD model leverages rotation-equivariant features and self-attention weights of geodesic patches for more effective feature extraction, thereby achieving SOTA denoising results. The RMNG model, based on the Generative Adversarial Networks (GANs) architecture, generates massive amounts of realistic noisy and noiseless mesh pairs data for data-driven mesh denoising model training, significantly benefiting real-world denoising tasks. To address the smooth degradation and loss of sharp edges commonly observed in captured meshes, we further introduce varying levels of Laplacian smoothing to input meshes during the paired training data generation, endowing the trained denoising model with feature recovery capabilities. Experimental results demonstrate the superior performance of our proposed method in preserving fine-grained features while removing noise on real-world captured meshes.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102306"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140787282","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Unpaired high-quality image-guided infrared and visible image fusion via generative adversarial network 通过生成式对抗网络实现非配对高质量图像引导的红外和可见光图像融合
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102325
Hang Li, Zheng Guan, Xue Wang, Qiuhan Shao

Current infrared and visible image fusion (IVIF) methods lack ground truth and require prior knowledge to guide the feature fusion process. However, in the fusion process, these features have not been placed in an equal and well-defined position, which causes the degradation of image quality. To address this challenge, this study develops a new end-to-end model, termed unpaired high-quality image-guided generative adversarial network (UHG-GAN). Specifically, we introduce the high-quality image as the reference standard of the fused image and employ a global discriminator and a local discriminator to identify the distribution difference between the high-quality image and the fused image. Through adversarial learning, the generator can generate images that are more consistent with high-quality expression. In addition, we also designed the laplacian pyramid augmentation (LPA) module in the generator, which integrates multi-scale features of source images across domains so that the generator can more fully extract the structure and texture information. Extensive experiments demonstrate that our method can effectively preserve the target information in the infrared image and the scene information in the visible image and significantly improve the image quality.

目前的红外与可见光图像融合(IVIF)方法缺乏基本事实,需要先验知识来指导特征融合过程。然而,在融合过程中,这些特征并没有被放置在相等和明确的位置上,从而导致图像质量下降。为了应对这一挑战,本研究开发了一种新的端到端模型,称为无配对高质量图像引导生成对抗网络(UHG-GAN)。具体来说,我们引入高质量图像作为融合图像的参考标准,并采用全局判别器和局部判别器来识别高质量图像和融合图像之间的分布差异。通过对抗学习,生成器可以生成更符合高质量表达的图像。此外,我们还在生成器中设计了拉普拉斯金字塔增强(LPA)模块,它可以跨域整合源图像的多尺度特征,从而使生成器可以更充分地提取结构和纹理信息。大量实验证明,我们的方法能有效保留红外图像中的目标信息和可见光图像中的场景信息,并显著提高图像质量。
{"title":"Unpaired high-quality image-guided infrared and visible image fusion via generative adversarial network","authors":"Hang Li,&nbsp;Zheng Guan,&nbsp;Xue Wang,&nbsp;Qiuhan Shao","doi":"10.1016/j.cagd.2024.102325","DOIUrl":"10.1016/j.cagd.2024.102325","url":null,"abstract":"<div><p>Current infrared and visible image fusion (IVIF) methods lack ground truth and require prior knowledge to guide the feature fusion process. However, in the fusion process, these features have not been placed in an equal and well-defined position, which causes the degradation of image quality. To address this challenge, this study develops a new end-to-end model, termed unpaired high-quality image-guided generative adversarial network (UHG-GAN). Specifically, we introduce the high-quality image as the reference standard of the fused image and employ a global discriminator and a local discriminator to identify the distribution difference between the high-quality image and the fused image. Through adversarial learning, the generator can generate images that are more consistent with high-quality expression. In addition, we also designed the laplacian pyramid augmentation (LPA) module in the generator, which integrates multi-scale features of source images across domains so that the generator can more fully extract the structure and texture information. Extensive experiments demonstrate that our method can effectively preserve the target information in the infrared image and the scene information in the visible image and significantly improve the image quality.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102325"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140797052","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Anisotropic triangular meshing using metric-adapted embeddings 利用度量适应嵌入进行各向异性三角形网格划分
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102314
Yueqing Dai , Jian-Ping Su , Xiao-Ming Fu

We propose a novel method to generate high-quality triangular meshes with specified anisotropy. Central to our algorithm is to present metric-adapted embeddings for converting the anisotropic meshing problem to an isotropic meshing problem with constant density. Moreover, the orientation of the input Riemannian metric forms a field, enabling us to use field-based meshing techniques to improve regularity and penalize obtuse angles. To achieve such metric-adapted embeddings, we use the cone singularities, which are generated to adapt to the input Riemannian metric. We demonstrate the feasibility and effectiveness of our method over various models. Compared to other state-of-the-art methods, our method achieves higher quality on all metrics in most models.

我们提出了一种生成具有指定各向异性的高质量三角形网格的新方法。我们算法的核心是提出度量适应嵌入,将各向异性网格问题转换为密度恒定的各向同性网格问题。此外,输入黎曼度量的方向形成了一个场,使我们能够使用基于场的网格划分技术来提高正则性并惩罚钝角。为了实现这种度量适应嵌入,我们使用了锥体奇点,它是为适应输入的黎曼度量而生成的。我们通过各种模型证明了我们方法的可行性和有效性。与其他最先进的方法相比,我们的方法在大多数模型的所有度量上都达到了更高的质量。
{"title":"Anisotropic triangular meshing using metric-adapted embeddings","authors":"Yueqing Dai ,&nbsp;Jian-Ping Su ,&nbsp;Xiao-Ming Fu","doi":"10.1016/j.cagd.2024.102314","DOIUrl":"https://doi.org/10.1016/j.cagd.2024.102314","url":null,"abstract":"<div><p>We propose a novel method to generate high-quality triangular meshes with specified anisotropy. Central to our algorithm is to present metric-adapted embeddings for converting the anisotropic meshing problem to an isotropic meshing problem with constant density. Moreover, the orientation of the input Riemannian metric forms a field, enabling us to use field-based meshing techniques to improve regularity and penalize obtuse angles. To achieve such metric-adapted embeddings, we use the cone singularities, which are generated to adapt to the input Riemannian metric. We demonstrate the feasibility and effectiveness of our method over various models. Compared to other state-of-the-art methods, our method achieves higher quality on all metrics in most models.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102314"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140649959","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Skeleton based tetrahedralization of surface meshes 基于骨架的曲面网格四面体化
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102317
Aleksander Płocharski , Joanna Porter-Sobieraj , Andrzej Lamecki , Tomasz Herman , Andrzej Uszakow

We propose a new method for generating tetrahedralizations for 3D surface meshes. The method builds upon a segmentation of the mesh that forms a rooted skeleton structure. Each segment in the structure is fitted with a stamp - a predefined basic shape with a regular and well-defined topology. After molding each stamp to the shape of the segment it is assigned to, we connect the segments with a layer of tetrahedra using a new approach to stitching two triangulated surfaces with tetrahedra. Our method not only generates a tetrahedralization with regular topology mimicking a bone-like structure with tissue being grouped around it, but also achieves running times that would allow for real-time usages. The running time of the method is closely correlated with the density of the input mesh which allows for controlling the expected time by decreasing the vertex count while still preserving the general shape of the object.

我们提出了一种生成三维曲面网格四面体化的新方法。该方法建立在对网格进行分割的基础上,形成一个有根的骨架结构。该结构中的每个分段都配有一个印章--一个具有规则和明确拓扑结构的预定义基本形状。在将每个图章塑造成其所对应网段的形状后,我们使用一种新方法将两个三角形表面与四面体拼接起来,用一层四面体将网段连接起来。我们的方法不仅能生成具有规则拓扑结构的四面体,模仿骨状结构,并在其周围形成组织群,还能实现实时运行。该方法的运行时间与输入网格的密度密切相关,因此可以通过减少顶点数来控制预期时间,同时还能保持物体的总体形状。
{"title":"Skeleton based tetrahedralization of surface meshes","authors":"Aleksander Płocharski ,&nbsp;Joanna Porter-Sobieraj ,&nbsp;Andrzej Lamecki ,&nbsp;Tomasz Herman ,&nbsp;Andrzej Uszakow","doi":"10.1016/j.cagd.2024.102317","DOIUrl":"10.1016/j.cagd.2024.102317","url":null,"abstract":"<div><p>We propose a new method for generating tetrahedralizations for 3D surface meshes. The method builds upon a segmentation of the mesh that forms a rooted skeleton structure. Each segment in the structure is fitted with a stamp - a predefined basic shape with a regular and well-defined topology. After molding each stamp to the shape of the segment it is assigned to, we connect the segments with a layer of tetrahedra using a new approach to stitching two triangulated surfaces with tetrahedra. Our method not only generates a tetrahedralization with regular topology mimicking a bone-like structure with tissue being grouped around it, but also achieves running times that would allow for real-time usages. The running time of the method is closely correlated with the density of the input mesh which allows for controlling the expected time by decreasing the vertex count while still preserving the general shape of the object.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102317"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"https://www.sciencedirect.com/science/article/pii/S0167839624000517/pdfft?md5=ea6fec521d15182f3dcee80325fefe51&pid=1-s2.0-S0167839624000517-main.pdf","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140789775","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"OA","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Real-time collision detection between general SDFs 一般 SDF 之间的实时碰撞检测
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102305
Pengfei Liu , Yuqing Zhang , He Wang , Milo K. Yip , Elvis S. Liu , Xiaogang Jin

Signed Distance Fields (SDFs) have found widespread utility in collision detection applications due to their superior query efficiency and ability to represent continuous geometries. However, little attention has been paid to calculating the intersection of two arbitrary SDFs. In this paper, we propose a novel, accurate, and real-time approach for SDF-based collision detection between two solids, both represented as SDFs. Our primary strategy entails using interval calculations and the SDF gradient to guide the search for intersection points within the geometry. For arbitrary objects, we take inspiration from existing collision detection pipelines and segment the two SDFs into multiple parts with bounding volumes. Once potential collisions between two parts are identified, our method quickly computes comprehensive intersection information such as penetration depth, contact points, and contact normals. Our method is general in that it accepts both continuous and discrete SDF representations. Experiment results show that our method can detect collisions in high-precision models in real time, highlighting its potential for a wide range of applications in computer graphics and virtual reality.

有符号距离场(SDF)因其卓越的查询效率和表示连续几何图形的能力,已在碰撞检测应用中得到广泛应用。然而,人们很少关注计算两个任意 SDF 的交集。在本文中,我们提出了一种新颖、准确和实时的方法,用于基于 SDF 的碰撞检测,检测两个均表示为 SDF 的固体之间的碰撞。我们的主要策略是利用区间计算和 SDF 梯度来引导在几何体中搜索交点。对于任意物体,我们从现有的碰撞检测管道中汲取灵感,将两个 SDF 分割成多个具有边界体积的部分。一旦识别出两个部分之间的潜在碰撞,我们的方法就能快速计算出全面的交叉信息,如穿透深度、接触点和接触法线。我们的方法具有通用性,既可接受连续 SDF 表示法,也可接受离散 SDF 表示法。实验结果表明,我们的方法可以实时检测高精度模型中的碰撞,这凸显了它在计算机图形学和虚拟现实领域的广泛应用潜力。
{"title":"Real-time collision detection between general SDFs","authors":"Pengfei Liu ,&nbsp;Yuqing Zhang ,&nbsp;He Wang ,&nbsp;Milo K. Yip ,&nbsp;Elvis S. Liu ,&nbsp;Xiaogang Jin","doi":"10.1016/j.cagd.2024.102305","DOIUrl":"10.1016/j.cagd.2024.102305","url":null,"abstract":"<div><p>Signed Distance Fields (SDFs) have found widespread utility in collision detection applications due to their superior query efficiency and ability to represent continuous geometries. However, little attention has been paid to calculating the intersection of two arbitrary SDFs. In this paper, we propose a novel, accurate, and real-time approach for SDF-based collision detection between two solids, both represented as SDFs. Our primary strategy entails using interval calculations and the SDF gradient to guide the search for intersection points within the geometry. For arbitrary objects, we take inspiration from existing collision detection pipelines and segment the two SDFs into multiple parts with bounding volumes. Once potential collisions between two parts are identified, our method quickly computes comprehensive intersection information such as penetration depth, contact points, and contact normals. Our method is general in that it accepts both continuous and discrete SDF representations. Experiment results show that our method can detect collisions in high-precision models in real time, highlighting its potential for a wide range of applications in computer graphics and virtual reality.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102305"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140770078","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
BrepMFR: Enhancing machining feature recognition in B-rep models through deep learning and domain adaptation BrepMFR:通过深度学习和领域适应增强 B-rep 模型的加工特征识别能力
IF 1.5 4区 计算机科学 Q3 COMPUTER SCIENCE, SOFTWARE ENGINEERING Pub Date : 2024-04-25 DOI: 10.1016/j.cagd.2024.102318
Shuming Zhang , Zhidong Guan , Hao Jiang , Xiaodong Wang , Pingan Tan

Feature Recognition (FR) plays a crucial role in modern digital manufacturing, serving as a key technology for integrating Computer-Aided Design (CAD), Computer-Aided Process Planning (CAPP) and Computer-Aided Manufacturing (CAM) systems. The emergence of deep learning methods in recent years offers a new approach to address challenges in recognizing highly intersecting features with complex geometric shapes. However, due to the high cost of labeling real CAD models, neural networks are usually trained on computer-synthesized datasets, resulting in noticeable performance degradation when applied to real-world CAD models. Therefore, we propose a novel deep learning network, BrepMFR, designed for Machining Feature Recognition (MFR) from Boundary Representation (B-rep) models. We transform the original B-rep model into a graph representation as network-friendly input, incorporating local geometric shape and global topological relationships. Leveraging a graph neural network based on Transformer architecture and graph attention mechanism, we extract the feature representation of high-level semantic information to achieve machining feature recognition. Additionally, employing a two-step training strategy under a transfer learning framework, we enhance BrepMFR's generalization ability by adapting synthetic training data to real CAD data. Furthermore, we establish a large-scale synthetic CAD model dataset inclusive of 24 typical machining features, showcasing diversity in geometry that closely mirrors real-world mechanical engineering scenarios. Extensive experiments across various datasets demonstrate that BrepMFR achieves state-of-the-art machining feature recognition accuracy and performs effectively on CAD models of real-world mechanical parts.

特征识别(FR)在现代数字化制造中发挥着至关重要的作用,是集成计算机辅助设计(CAD)、计算机辅助工艺规划(CAPP)和计算机辅助制造(CAM)系统的关键技术。近年来出现的深度学习方法为解决复杂几何形状的高度交叉特征识别难题提供了一种新方法。然而,由于标注真实 CAD 模型的成本较高,神经网络通常在计算机合成的数据集上进行训练,因此当应用于真实世界的 CAD 模型时,性能会明显下降。因此,我们提出了一种新颖的深度学习网络 BrepMFR,旨在通过边界表示(B-rep)模型进行加工特征识别(MFR)。我们将原始 B-rep 模型转化为图形表示,作为网络友好的输入,其中包含局部几何形状和全局拓扑关系。利用基于 Transformer 架构和图注意机制的图神经网络,我们提取了高级语义信息的特征表示,从而实现了加工特征识别。此外,我们采用迁移学习框架下的两步训练策略,将合成训练数据与真实 CAD 数据进行适配,从而增强了 BrepMFR 的泛化能力。此外,我们还建立了一个包含 24 个典型加工特征的大规模合成 CAD 模型数据集,展示了与真实世界机械工程场景密切相关的几何图形多样性。在各种数据集上进行的广泛实验证明,BrepMFR 实现了最先进的加工特征识别精度,并能在真实世界的机械零件 CAD 模型上有效执行。
{"title":"BrepMFR: Enhancing machining feature recognition in B-rep models through deep learning and domain adaptation","authors":"Shuming Zhang ,&nbsp;Zhidong Guan ,&nbsp;Hao Jiang ,&nbsp;Xiaodong Wang ,&nbsp;Pingan Tan","doi":"10.1016/j.cagd.2024.102318","DOIUrl":"https://doi.org/10.1016/j.cagd.2024.102318","url":null,"abstract":"<div><p>Feature Recognition (FR) plays a crucial role in modern digital manufacturing, serving as a key technology for integrating Computer-Aided Design (CAD), Computer-Aided Process Planning (CAPP) and Computer-Aided Manufacturing (CAM) systems. The emergence of deep learning methods in recent years offers a new approach to address challenges in recognizing highly intersecting features with complex geometric shapes. However, due to the high cost of labeling real CAD models, neural networks are usually trained on computer-synthesized datasets, resulting in noticeable performance degradation when applied to real-world CAD models. Therefore, we propose a novel deep learning network, BrepMFR, designed for Machining Feature Recognition (MFR) from Boundary Representation (B-rep) models. We transform the original B-rep model into a graph representation as network-friendly input, incorporating local geometric shape and global topological relationships. Leveraging a graph neural network based on Transformer architecture and graph attention mechanism, we extract the feature representation of high-level semantic information to achieve machining feature recognition. Additionally, employing a two-step training strategy under a transfer learning framework, we enhance BrepMFR's generalization ability by adapting synthetic training data to real CAD data. Furthermore, we establish a large-scale synthetic CAD model dataset inclusive of 24 typical machining features, showcasing diversity in geometry that closely mirrors real-world mechanical engineering scenarios. Extensive experiments across various datasets demonstrate that BrepMFR achieves state-of-the-art machining feature recognition accuracy and performs effectively on CAD models of real-world mechanical parts.</p></div>","PeriodicalId":55226,"journal":{"name":"Computer Aided Geometric Design","volume":"111 ","pages":"Article 102318"},"PeriodicalIF":1.5,"publicationDate":"2024-04-25","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"140649960","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":4,"RegionCategory":"计算机科学","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
期刊
Computer Aided Geometric Design
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1