Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning最新文献

筛选
英文 中文
A U-Net based Self-Supervised Image Generation Model Applying PCA using Small Datasets 基于U-Net的小数据集PCA自监督图像生成模型
Sanghun Han, Asim Niaz, K. Choi
{"title":"A U-Net based Self-Supervised Image Generation Model Applying PCA using Small Datasets","authors":"Sanghun Han, Asim Niaz, K. Choi","doi":"10.1145/3590003.3590086","DOIUrl":"https://doi.org/10.1145/3590003.3590086","url":null,"abstract":"Generative Adversarial Networks (GAN) is a research-based on deep learning technology that synthetically generates, combines, and transforms images similar to the original images. The main focus of GAN existing work has been to improve the quality of generated images and to generate high-resolution images by changing the training scheme or devising more complex models. However, these models require a large amount of data and are not suitable for training with a small amount of data. To address these challenges, this paper aims to improve the quality of images and the stability of training with a small dataset by proposing a novel training method for generating real-world images by using PCA and Self-Supervised GAN. Previously, PCA was applied to DCGAN to generate images with a small dataset, but some images showed poor results. By preparing quantitatively different datasets, we show that the quality of generated image with a small dataset is equivalent, or even better when compared to the quality of the image generated with a large dataset.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"9 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115410632","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
A Modified Fuzzy K-nearest Neighbor Using the Improved Sparrow Search Algorithm for Two-classes and Multi-classes Datasets 基于改进麻雀搜索算法的两类和多类数据集改进模糊k近邻
Chengfeng Zheng, Mohd Shareduwan Mohd Kasihmuddin, Yuan Gao, Ju Chen, M. Mansor
{"title":"A Modified Fuzzy K-nearest Neighbor Using the Improved Sparrow Search Algorithm for Two-classes and Multi-classes Datasets","authors":"Chengfeng Zheng, Mohd Shareduwan Mohd Kasihmuddin, Yuan Gao, Ju Chen, M. Mansor","doi":"10.1145/3590003.3590042","DOIUrl":"https://doi.org/10.1145/3590003.3590042","url":null,"abstract":"The Sparrow search algorithm is a new and effective swarm intelligence method proposed in recent years and studied in many publications. Based on the basic principle of sparrow search algorithm, this paper combines the inverse learning algorithm with the refined inverse solution to form an improved sparrow search (SSA) algorithm. Combining the fuzzy k-nearest neighbor method and the improved SSA, the numerical simulation of two-classes datasets and multi-classes datasets is carried out, and many numerical results are obtained, and the results are analyzed. At the same time, this paper lists the data comparison results and tables with other models. The hybrid SSA-FKNN proposed in this paper has a clear advantage in terms of accuracy (ACC).","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"16 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115457511","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Adaptive model fusion algorithm for decision trees and association rules 决策树与关联规则的自适应模型融合算法
Zhang Hui, Zhiling Nie, Hongwei Xiao
{"title":"Adaptive model fusion algorithm for decision trees and association rules","authors":"Zhang Hui, Zhiling Nie, Hongwei Xiao","doi":"10.1145/3590003.3590006","DOIUrl":"https://doi.org/10.1145/3590003.3590006","url":null,"abstract":"CCS CONCEPTS • This paper proposes an adaptive model fusion algorithm based on decision trees and association rules. The decision trees are fused with association rules, the results of the decision trees are used as a priori conditions for the calculation of association rules, and the results of the model fusion are further fused with the results of the association rules to obtain the results of the algorithm. To determine the effectiveness of the algorithm, this paper collects data from 828 participants and applies the algorithm to obtain the results of the algorithm to effectively mine the relationships and rules that exist between real data, which has certain guiding significance in practical applications.; • CCS CONCEPTS; • Mathematics of computing→ Probability and statistics;","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"42 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"122210842","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Adaptive Gradient Privacy-Preserving Algorithm for Federated XGBoost 联邦XGBoost的自适应梯度隐私保护算法
Hongyi Cai, Jianping Cai, Lan Sun
{"title":"An Adaptive Gradient Privacy-Preserving Algorithm for Federated XGBoost","authors":"Hongyi Cai, Jianping Cai, Lan Sun","doi":"10.1145/3590003.3590051","DOIUrl":"https://doi.org/10.1145/3590003.3590051","url":null,"abstract":"Federated learning (FL) is a novel machine learning framework in which machine learning models are built jointly by multiple parties. We investigate the privacy preservation of XGBoost, a gradient boosting decision tree (GBDT) model, in the context of FL. While recent work relies on cryptographic schemes to preserve the privacy of model gradients, these methods are computationally expensive. In this paper, we propose an adaptive gradient privacy-preserving algorithm based on differential privacy (DP), which is more computationally efficient. Our algorithm perturbs individual data by computing an adaptive gradient mean per sample and adding appropriate noise during XGBoost training, while still making the perturbed gradient data available. The training accuracy and communication efficiency of the model are guaranteed under the premise of satisfying the definition of DP. We show the proposed algorithm outperforms other DP methods in terms of prediction accuracy and approaches the lossless federated XGBoost model while being more efficient.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"35 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"130594612","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Research on Constant Perturbation Strategy for Deep Reinforcement Learning 深度强化学习的常摄动策略研究
Jiamin Shen, Li Xu, Xu Wan, Jixuan Chai, Chunlong Fan
{"title":"Research on Constant Perturbation Strategy for Deep Reinforcement Learning","authors":"Jiamin Shen, Li Xu, Xu Wan, Jixuan Chai, Chunlong Fan","doi":"10.1145/3590003.3590101","DOIUrl":"https://doi.org/10.1145/3590003.3590101","url":null,"abstract":"The development of attack algorithms for deep reinforcement learning is an important part of its security research. In this paper, we propose a deep reinforcement constant perturbation strategy approach for deep reinforcement learning with long-range time-series dependence from the perspective of the sequence of interaction between an agent and its environment.The algorithm is based on a small amount of historical interaction information, and a constant perturbation is designed to disrupt the long-range temporal association of the deep reinforcement learning algorithm based on sensitive region selection to achieve the attack effect.The experimental results show that the constant perturbation based on time series has a good effect, i.e. inducing agents to make frequent wrong decisions and get minimal reward. At the same time, this algorithm still has an attacking effect on the defensively trained agents, and it effectively reduces the number of computations adversarial perturbations.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"12 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131028905","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Helmet wear detection based on YOLOV5 基于YOLOV5的头盔磨损检测
Jun Liu, Jiacheng Cao, Changlong Zhou
{"title":"Helmet wear detection based on YOLOV5","authors":"Jun Liu, Jiacheng Cao, Changlong Zhou","doi":"10.1145/3590003.3590017","DOIUrl":"https://doi.org/10.1145/3590003.3590017","url":null,"abstract":"Safety helmet wearing detection is an important safety inspection task with widespread applications in industries, construction, and transportation. Traditional safety helmet wearing detection methods typically use feature-based classifiers such as SVM and decision trees, but these methods often have low accuracy and poor adaptability. In this paper, we propose an improved helmet detection method that uses a combination of SPD Conv, ASPP and BiFPN structures to increase the perceptual field to ensure maximum feature extraction from the helmet, and can ensure fusion between different feature layers to pass semantic information to deeper neural networks, effectively avoiding information loss and improving the performance of detecting helmets. Experimental results show that our method has a 1% improvement in the average accuracy of detection in the public dataset VCO2007 set compared to YOLOv5, which still allows for real-time detection and meets the needs of industry with some practicality.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"71 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"131307840","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Generate earthquake catalog using the VAE method 使用VAE方法生成地震目录
Zhangyu Wang, J. Zhang
{"title":"Generate earthquake catalog using the VAE method","authors":"Zhangyu Wang, J. Zhang","doi":"10.1145/3590003.3590052","DOIUrl":"https://doi.org/10.1145/3590003.3590052","url":null,"abstract":"The earthquake catalog is essential for seismic activity analysis and earthquake forecasting. Researchers would like to use a complete catalog for further study. In this study, we use a machine learning method to derive a double-variable model to learn the latent rules of catalogs and generate the synthetic ones from a historical catalog. In the first step, we obtain an individual cluster from the catalog by the Density-Based Spatial Clustering of Applications with Noise (DBSCAN) algorithm. Then we take the envelope of the magnitude-time curve of the clusters. In the end, we apply the Variational AutoEncoder (VAE) method to learn the inherent feature and produce the latent magnitude-time curves. We use the earthquakes in Southern California from 2016 January 1 to 2022 December 18 to train the VAE model. After training, the model can generate abundant magnitude-time curves and the result shows that the magnitude-time curves during this period can be divided into single-peak, double-peak, and treble-peak patterns. Furthermore, we can use this method to generate more clusters for swarm identification and analysis of regional seismic activity.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"23 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123215636","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
An Ensemble Model using Face and Pose Tracking for Engagement Detection in Game-based Rehabilitation 一种基于人脸和姿态跟踪的集成模型用于基于游戏的康复中参与检测
Xujie Lin, Siqi Cai, P. Chan, Longhan Xie
{"title":"An Ensemble Model using Face and Pose Tracking for Engagement Detection in Game-based Rehabilitation","authors":"Xujie Lin, Siqi Cai, P. Chan, Longhan Xie","doi":"10.1145/3590003.3590085","DOIUrl":"https://doi.org/10.1145/3590003.3590085","url":null,"abstract":"Highly engaging rehabilitation promotes functional reorganization of the brain in stroke patients. Engagement detection in game-based rehabilitation can help rehabilitation practitioners get real-time feedback, and then provide patients with appropriate training programs. Previous research on engagement detection has focused on wearable devices, and the complicated laboratory setup makes them unsuitable for use in clinics and homes. In this work, we propose a method to automatically extract facial and posture features from camera-captured videos. Then we design an automatic engagement detection model using the facial and posture features as the input. In the dataset of engagement in virtual game rehabilitation scenarios, our model detects engagement levels with an average accuracy of 96.85%, achieving remarkable performance. This study sheds new light on engagement detection for stroke patients in clinical applications.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"12 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"129106601","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep Learning AD Detection Model based on a Two-Layer Ensemble Module with Data Augmentation and Contrastive Learning 基于数据增强和对比学习的双层集成模块深度学习AD检测模型
Weicheng Wang
{"title":"Deep Learning AD Detection Model based on a Two-Layer Ensemble Module with Data Augmentation and Contrastive Learning","authors":"Weicheng Wang","doi":"10.1145/3590003.3590061","DOIUrl":"https://doi.org/10.1145/3590003.3590061","url":null,"abstract":"Abstract—Alzheimer's Disease (AD) is a long-term disease that gradually decreases cognitive functioning, such as thinking, memory and behavior. In 2015, 29.8 million AD cases were recorded and 1.9 million AD-related deaths were reported worldwide. Early detection and intervention are critical for such a deadly and costly disease. I present to tackle the detection of AD and its severity using a deep-learning architecture that consists of a two-stage ensemble system with contrastive learning and data augmentation. I evaluated it on the ADReSS Challenge's dataset, which is subject-independent and balanced in terms of age and gender. When compared against a one-stage ensemble baseline approach, my two-stage ensemble system was able to achieve better results, with a F1-score of 95.7% in the AD classification task, and an RMSE score of 5.432. Moreover, I found that the data augmentation can effectively improve the robustness of the AD detection performance, particularly when there are sensor noises in the training and test data. Besides data augmentation, I also explored whether contrastive loss can further boost the robustness, and the results showed that contrastive learning might not be necessary when we have data augmentation.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128415507","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
MCSC-UTNet: Honeycomb lung segmentation algorithm based on Separable Vision Transformer and context feature fusion MCSC-UTNet:基于可分离视觉转换器和上下文特征融合的蜂窝肺分割算法
Wei Jianjian, Gang Li, Kan He, Pengbo Li, Ling Zhang, Ronghua Wang
{"title":"MCSC-UTNet: Honeycomb lung segmentation algorithm based on Separable Vision Transformer and context feature fusion","authors":"Wei Jianjian, Gang Li, Kan He, Pengbo Li, Ling Zhang, Ronghua Wang","doi":"10.1145/3590003.3590093","DOIUrl":"https://doi.org/10.1145/3590003.3590093","url":null,"abstract":"Abstract: Due to the problems of more noise and lower contrast in X-ray tomography images of the honeycomb lung, and the poor generalization of current medical segmentation algorithms, the segmentation results are unsatisfactory. We propose an automatic segmentation algorithm MCSC-UTNet based on SepViT with contextual feature fusion for honeycomb lung lesions to address these problems. Firstly, a Multi-scale Channel Shuffle Convolution (MCSC) module is constructed to enhance the interaction between different image channels and extract the local lesion feature at different scales. Then, a Separable Vision Transformer (SepViT) module is introduced at the bottleneck layer of the network to enhance the representation of the global information of the lesion. Finally, we add a context-aware fusion module to relearn the encoder feature and strengthen the contextual relevance of the encoder and decoder. In comparison experiments with eight prevalent segmentation models on the honeycomb lung dataset, the segmentation metrics of this method, Jaccard coefficient, mIoU, and DSC are 90.85%, 95.32%, and 95.07%, with Jaccard coefficient improving by 3.56% compared with that before. Compared with medical segmentation models such as TransUNet, Sharp U-Net, and SETR, this paper's method has improved results and segmentation performance.","PeriodicalId":340225,"journal":{"name":"Proceedings of the 2023 2nd Asia Conference on Algorithms, Computing and Machine Learning","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2023-03-17","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"128421035","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
0
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
确定
请完成安全验证×
相关产品
×
本文献相关产品
联系我们:info@booksci.cn Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。 Copyright © 2023 布克学术 All rights reserved.
京ICP备2023020795号-1
ghs 京公网安备 11010802042870号
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术官方微信