When it comes to smart healthcare business systems,network-based intrusion detection systems are crucial for protecting the system and its networks from malicious network assaults.To protect IoMT devices and networks ...When it comes to smart healthcare business systems,network-based intrusion detection systems are crucial for protecting the system and its networks from malicious network assaults.To protect IoMT devices and networks in healthcare and medical settings,our proposed model serves as a powerful tool for monitoring IoMT networks.This study presents a robust methodology for intrusion detection in Internet of Medical Things(IoMT)environments,integrating data augmentation,feature selection,and ensemble learning to effectively handle IoMT data complexity.Following rigorous preprocessing,including feature extraction,correlation removal,and Recursive Feature Elimi-nation(RFE),selected features are standardized and reshaped for deep learning models.Augmentation using the BAT algorithm enhances dataset variability.Three deep learning models,Transformer-based neural networks,self-attention Deep Convolutional Neural Networks(DCNNs),and Long Short-Term Memory(LSTM)networks,are trained to capture diverse data aspects.Their predictions form a meta-feature set for a subsequent meta-learner,which combines model strengths.Conventional classifiers validate meta-learner features for broad algorithm suitability.This comprehensive method demonstrates high accuracy and robustness in IoMT intrusion detection.Evaluations were conducted using two datasets:the publicly available WUSTL-EHMS-2020 dataset,which contains two distinct categories,and the CICIoMT2024 dataset,encompassing sixteen categories.Experimental results showcase the method’s exceptional performance,achieving optimal scores of 100%on the WUSTL-EHMS-2020 dataset and 99%on the CICIoMT2024.展开更多
Encrypted traffic classification has become a hot issue in network security research.The class imbalance problem of traffic samples often causes the deterioration of Machine Learning based classifier performance.Altho...Encrypted traffic classification has become a hot issue in network security research.The class imbalance problem of traffic samples often causes the deterioration of Machine Learning based classifier performance.Although the Generative Adversarial Network(GAN)method can generate new samples by learning the feature distribution of the original samples,it is confronted with the problems of unstable training andmode collapse.To this end,a novel data augmenting approach called Graph CWGAN-GP is proposed in this paper.The traffic data is first converted into grayscale images as the input for the proposed model.Then,the minority class data is augmented with our proposed model,which is built by introducing conditional constraints and a new distance metric in typical GAN.Finally,the classical deep learning model is adopted as a classifier to classify datasets augmented by the Condition GAN(CGAN),Wasserstein GAN-Gradient Penalty(WGAN-GP)and Graph CWGAN-GP,respectively.Compared with the state-of-the-art GAN methods,the Graph CWGAN-GP cannot only control the modes of the data to be generated,but also overcome the problem of unstable training and generate more realistic and diverse samples.The experimental results show that the classification precision,recall and F1-Score of theminority class in the balanced dataset augmented in this paper have improved by more than 2.37%,3.39% and 4.57%,respectively.展开更多
Outcomes following peripheral nerve injury remain frustratingly poor. The reasons for this are multifactorial, although maintaining a growth permissive environment in the distal nerve stump following repair is arguabl...Outcomes following peripheral nerve injury remain frustratingly poor. The reasons for this are multifactorial, although maintaining a growth permissive environment in the distal nerve stump following repair is arguably the most important. The optimal environment for axonal regeneration relies on the synthesis and release of many biochemical mediators that are temporally and spatially regulated with a high level of incompletely understood complexity. The Schwann cell(SC) has emerged as a key player in this process. Prolonged periods of distal nerve stump denervation, characteristic of large gaps and proximal injuries, have been associated with a reduction in SC number and ability to support regenerating axons. Cell based therapy offers a potential therapy for the improvement of outcomes following peripheral nerve reconstruction. Stem cells have the potential to increase the number of SCs and prolong their ability to support regeneration. They may also have the ability to rescue and replenish populations of chromatolytic and apoptotic neurons following axotomy. Finally, they can be used in non-physiologic ways to preserve injured tissues such as denervated muscle while neuronal ingrowth has not yet occurred. Aside from stem cell type, careful consideration must be given to differentiation status, how stem cells are supported following transplantation and how they will be delivered to the site of injury. It is the aim of this article to review current opinions on the strategies of stem cell based therapy for the augmentation of peripheral nerve regeneration.展开更多
Android malware has evolved in various forms such as adware that continuously exposes advertisements,banking malware designed to access users’online banking accounts,and Short Message Service(SMS)malware that uses a ...Android malware has evolved in various forms such as adware that continuously exposes advertisements,banking malware designed to access users’online banking accounts,and Short Message Service(SMS)malware that uses a Command&Control(C&C)server to send malicious SMS,intercept SMS,and steal data.By using many malicious strategies,the number of malware is steadily increasing.Increasing Android malware threats numerous users,and thus,it is necessary to detect malware quickly and accurately.Each malware has distinguishable characteristics based on its actions.Therefore,security researchers have tried to categorize malware based on their behaviors by conducting the familial analysis which can help analysists to reduce the time and cost for analyzing malware.However,those studies algorithms typically used imbalanced,well-labeled open-source dataset,and thus,it is very difficult to classify some malware families which only have a few number of malware.To overcome this challenge,previous data augmentation studies augmented data by visualizing malicious codes and used them for malware analysis.However,visualization of malware can result in misclassifications because the behavior information of the malware could be compromised.In this study,we propose an android malware familial analysis system based on a data augmentation method that preserves malware behaviors to create an effective multi-class classifier for malware family analysis.To this end,we analyze malware and use Application Programming Interface(APIs)and permissions that can reflect the behavior of malware as features.By using these features,we augment malware dataset to enable effective malware detection while preserving original malicious behaviors.Our evaluation results demonstrate that,when a model is created by using only the augmented data,a macro-F1 score of 0.65 and accuracy of 0.63%.On the other hand,when the augmented data and original malware are used together,the evaluation results show that a macro-F1 score of 0.91 and an accuracy of 0.99%.展开更多
Lung cancer continues to be a leading cause of cancer-related deaths worldwide,emphasizing the critical need for improved diagnostic techniques.Early detection of lung tumors significantly increases the chances of suc...Lung cancer continues to be a leading cause of cancer-related deaths worldwide,emphasizing the critical need for improved diagnostic techniques.Early detection of lung tumors significantly increases the chances of successful treatment and survival.However,current diagnostic methods often fail to detect tumors at an early stage or to accurately pinpoint their location within the lung tissue.Single-model deep learning technologies for lung cancer detection,while beneficial,cannot capture the full range of features present in medical imaging data,leading to incomplete or inaccurate detection.Furthermore,it may not be robust enough to handle the wide variability in medical images due to different imaging conditions,patient anatomy,and tumor characteristics.To overcome these disadvantages,dual-model or multi-model approaches can be employed.This research focuses on enhancing the detection of lung cancer by utilizing a combination of two learning models:a Convolutional Neural Network(CNN)for categorization and the You Only Look Once(YOLOv8)architecture for real-time identification and pinpointing of tumors.CNNs automatically learn to extract hierarchical features from raw image data,capturing patterns such as edges,textures,and complex structures that are crucial for identifying lung cancer.YOLOv8 incorporates multiscale feature extraction,enabling the detection of tumors of varying sizes and scales within a single image.This is particularly beneficial for identifying small or irregularly shaped tumors that may be challenging to detect.Furthermore,through the utilization of cutting-edge data augmentation methods,such as Deep Convolutional Generative Adversarial Networks(DCGAN),the suggested approach can handle the issue of limited data and boost the models’ability to learn from diverse and comprehensive datasets.The combined method not only improved accuracy and localization but also ensured efficient real-time processing,which is crucial for practical clinical applications.The CNN achieved an accuracy of 97.67%in classifying lung tissues into healthy and cancerous categories.The YOLOv8 model achieved an Intersection over Union(IoU)score of 0.85 for tumor localization,reflecting high precision in detecting and marking tumor boundaries within the images.Finally,the incorporation of synthetic images generated by DCGAN led to a 10%improvement in both the CNN classification accuracy and YOLOv8 detection performance.展开更多
Augmented reality(AR)is an emerging dynamic technology that effectively supports education across different levels.The increased use of mobile devices has an even greater impact.As the demand for AR applications in ed...Augmented reality(AR)is an emerging dynamic technology that effectively supports education across different levels.The increased use of mobile devices has an even greater impact.As the demand for AR applications in education continues to increase,educators actively seek innovative and immersive methods to engage students in learning.However,exploring these possibilities also entails identifying and overcoming existing barriers to optimal educational integration.Concurrently,this surge in demand has prompted the identification of specific barriers,one of which is three-dimensional(3D)modeling.Creating 3D objects for augmented reality education applications can be challenging and time-consuming for the educators.To address this,we have developed a pipeline that creates realistic 3D objects from the two-dimensional(2D)photograph.Applications for augmented and virtual reality can then utilize these created 3D objects.We evaluated the proposed pipeline based on the usability of the 3D object and performance metrics.Quantitatively,with 117 respondents,the co-creation team was surveyed with openended questions to evaluate the precision of the 3D object created by the proposed photogrammetry pipeline.We analyzed the survey data using descriptive-analytical methods and found that the proposed pipeline produces 3D models that are positively accurate when compared to real-world objects,with an average mean score above 8.This study adds new knowledge in creating 3D objects for augmented reality applications by using the photogrammetry technique;finally,it discusses potential problems and future research directions for 3D objects in the education sector.展开更多
In this paper,we introduce TianXing,a transformer-based data-driven model designed with physical augmentation for skillful and efficient global weather forecasting.Previous data-driven transformer models such as Pangu...In this paper,we introduce TianXing,a transformer-based data-driven model designed with physical augmentation for skillful and efficient global weather forecasting.Previous data-driven transformer models such as Pangu-Weather,FengWu,and FuXi have emerged as promising alternatives for numerical weather prediction in weather forecasting.However,these models have been characterized by their substantial computational resource consumption during training and limited incorporation of explicit physical guidance in their modeling frameworks.In contrast,TianXing applies a linear complexity mechanism that ensures proportional scalability with input data size while significantly diminishing GPU resource demands,with only a marginal compromise in accuracy.Furthermore,TianXing proposes an explicit attention decay mechanism in the linear attention derived from physical insights to enhance its forecasting skill.The mechanism can reweight attention based on Earth's spherical distances and learned sparse multivariate coupling relationships,promptingTianXing to prioritize dynamically relevant neighboring features.Finally,to enhance its performance in mediumrange forecasting,TianXing employs a stacked autoregressive forecast algorithm.Validation of the model's architecture is conducted using ERA5 reanalysis data at a 5.625°latitude-longitude resolution,while a high-resolution dataset at 0.25°is utilized for training the actual forecasting model.Notably,the TianXing exhibits excellent performance,particularly in the Z500(geopotential height)and T850(temperature)fields,surpassing previous data-driven models and operational fullresolution models such as NCEP GFS and ECMWF IFS,as evidenced by latitude-weighted RMSE and ACC metrics.Moreover,the TianXing has demonstrated remarkable capabilities in predicting extreme weather events,such as typhoons.展开更多
Due to the small size of the annotated corpora and the sparsity of the event trigger words, the event coreference resolver cannot capture enough event semantics, especially the trigger semantics, to identify coreferen...Due to the small size of the annotated corpora and the sparsity of the event trigger words, the event coreference resolver cannot capture enough event semantics, especially the trigger semantics, to identify coreferential event mentions. To address the above issues, this paper proposes a trigger semantics augmentation mechanism to boost event coreference resolution. First, this mechanism performs a trigger-oriented masking strategy to pre-train a BERT (Bidirectional Encoder Representations from Transformers)-based encoder (Trigger-BERT), which is fine-tuned on a large-scale unlabeled dataset Gigaword. Second, it combines the event semantic relations from the Trigger-BERT encoder with the event interactions from the soft-attention mechanism to resolve event coreference. Experimental results on both the KBP2016 and KBP2017 datasets show that our proposed model outperforms several state-of-the-art baselines.展开更多
Current rates of mental illness are worrisome.Mental illness mainly affects females and younger age groups.The use of the internet to deliver mental health care has been growing since 2020 and includes the implementat...Current rates of mental illness are worrisome.Mental illness mainly affects females and younger age groups.The use of the internet to deliver mental health care has been growing since 2020 and includes the implementation of novel mental health treatments using virtual reality,augmented reality,and artificial intelligence.A new three dimensional digital environment,known as the metaverse,has emerged as the next version of the Internet.Artificial intelligence,augmented reality,and virtual reality will create fully immersive,experiential,and interactive online environments in the metaverse.People will use a unique avatar to do anything they do in their“real”lives,including seeking and receiving mental health care.In this opinion review,we reflect on how the metaverse could reshape how we deliver mental health treatment,its opportunities,and its challenges.展开更多
Mg alloys possess an inherent plastic anisotropy owing to the selective activation of deformation mechanisms depending on the loading condition.This characteristic results in a diverse range of flow curves that vary w...Mg alloys possess an inherent plastic anisotropy owing to the selective activation of deformation mechanisms depending on the loading condition.This characteristic results in a diverse range of flow curves that vary with a deformation condition.This study proposes a novel approach for accurately predicting an anisotropic deformation behavior of wrought Mg alloys using machine learning(ML)with data augmentation.The developed model combines four key strategies from data science:learning the entire flow curves,generative adversarial networks(GAN),algorithm-driven hyperparameter tuning,and gated recurrent unit(GRU)architecture.The proposed model,namely GAN-aided GRU,was extensively evaluated for various predictive scenarios,such as interpolation,extrapolation,and a limited dataset size.The model exhibited significant predictability and improved generalizability for estimating the anisotropic compressive behavior of ZK60 Mg alloys under 11 annealing conditions and for three loading directions.The GAN-aided GRU results were superior to those of previous ML models and constitutive equations.The superior performance was attributed to hyperparameter optimization,GAN-based data augmentation,and the inherent predictivity of the GRU for extrapolation.As a first attempt to employ ML techniques other than artificial neural networks,this study proposes a novel perspective on predicting the anisotropic deformation behaviors of wrought Mg alloys.展开更多
This paper aims to propose a topology optimization method on generating porous structures comprising multiple materials.The mathematical optimization formulation is established under the constraints of individual volu...This paper aims to propose a topology optimization method on generating porous structures comprising multiple materials.The mathematical optimization formulation is established under the constraints of individual volume fraction of constituent phase or total mass,as well as the local volume fraction of all phases.The original optimization problem with numerous constraints is converted into a box-constrained optimization problem by incorporating all constraints to the augmented Lagrangian function,avoiding the parameter dependence in the conventional aggregation process.Furthermore,the local volume percentage can be precisely satisfied.The effects including the globalmass bound,the influence radius and local volume percentage on final designs are exploited through numerical examples.The numerical results also reveal that porous structures keep a balance between the bulk design and periodic design in terms of the resulting compliance.All results,including those for irregular structures andmultiple volume fraction constraints,demonstrate that the proposedmethod can provide an efficient solution for multiple material infill structures.展开更多
Time-series data provide important information in many fields,and their processing and analysis have been the focus of much research.However,detecting anomalies is very difficult due to data imbalance,temporal depende...Time-series data provide important information in many fields,and their processing and analysis have been the focus of much research.However,detecting anomalies is very difficult due to data imbalance,temporal dependence,and noise.Therefore,methodologies for data augmentation and conversion of time series data into images for analysis have been studied.This paper proposes a fault detection model that uses time series data augmentation and transformation to address the problems of data imbalance,temporal dependence,and robustness to noise.The method of data augmentation is set as the addition of noise.It involves adding Gaussian noise,with the noise level set to 0.002,to maximize the generalization performance of the model.In addition,we use the Markov Transition Field(MTF)method to effectively visualize the dynamic transitions of the data while converting the time series data into images.It enables the identification of patterns in time series data and assists in capturing the sequential dependencies of the data.For anomaly detection,the PatchCore model is applied to show excellent performance,and the detected anomaly areas are represented as heat maps.It allows for the detection of anomalies,and by applying an anomaly map to the original image,it is possible to capture the areas where anomalies occur.The performance evaluation shows that both F1-score and Accuracy are high when time series data is converted to images.Additionally,when processed as images rather than as time series data,there was a significant reduction in both the size of the data and the training time.The proposed method can provide an important springboard for research in the field of anomaly detection using time series data.Besides,it helps solve problems such as analyzing complex patterns in data lightweight.展开更多
The identification of individuals through ear images is a prominent area of study in the biometric sector.Facial recognition systems have faced challenges during the COVID-19 pandemic due to mask-wearing,prompting the...The identification of individuals through ear images is a prominent area of study in the biometric sector.Facial recognition systems have faced challenges during the COVID-19 pandemic due to mask-wearing,prompting the exploration of supplementary biometric measures such as ear biometrics.The research proposes a Deep Learning(DL)framework,termed DeepBio,using ear biometrics for human identification.It employs two DL models and five datasets,including IIT Delhi(IITD-I and IITD-II),annotated web images(AWI),mathematical analysis of images(AMI),and EARVN1.Data augmentation techniques such as flipping,translation,and Gaussian noise are applied to enhance model performance and mitigate overfitting.Feature extraction and human identification are conducted using a hybrid approach combining Convolutional Neural Networks(CNN)and Bidirectional Long Short-Term Memory(Bi-LSTM).The DeepBio framework achieves high recognition rates of 97.97%,99.37%,98.57%,94.5%,and 96.87%on the respective datasets.Comparative analysis with existing techniques demonstrates improvements of 0.41%,0.47%,12%,and 9.75%on IITD-II,AMI,AWE,and EARVN1 datasets,respectively.展开更多
The co-frequency vibration fault is one of the common faults in the operation of rotating equipment,and realizing the real-time diagnosis of the co-frequency vibration fault is of great significance for monitoring the...The co-frequency vibration fault is one of the common faults in the operation of rotating equipment,and realizing the real-time diagnosis of the co-frequency vibration fault is of great significance for monitoring the health state and carrying out vibration suppression of the equipment.In engineering scenarios,co-frequency vibration faults are highlighted by rotational frequency and are difficult to identify,and existing intelligent methods require more hardware conditions and are exclusively time-consuming.Therefore,Lightweight-convolutional neural networks(LW-CNN)algorithm is proposed in this paper to achieve real-time fault diagnosis.The critical parameters are discussed and verified by simulated and experimental signals for the sliding window data augmentation method.Based on LW-CNN and data augmentation,the real-time intelligent diagnosis of co-frequency is realized.Moreover,a real-time detection method of fault diagnosis algorithm is proposed for data acquisition to fault diagnosis.It is verified by experiments that the LW-CNN and sliding window methods are used with high accuracy and real-time performance.展开更多
Nanoparticles(NPs)have gained significant attention as a functional material due to their ability to effectively enhance pressure reduction in injection processes in ultra-low permeability reservoirs.NPs are typically...Nanoparticles(NPs)have gained significant attention as a functional material due to their ability to effectively enhance pressure reduction in injection processes in ultra-low permeability reservoirs.NPs are typically studied in controlled laboratory conditions,and their behavior in real-world,complex environments such as ultra-low permeability reservoirs,is not well understood due to the limited scope of their applications.This study investigates the efficacy and underlying mechanisms of NPs in decreasing injection pressure under various injection conditions(25—85℃,10—25 MPa).The results reveal that under optimal injection conditions,NPs effectively reduce injection pressure by a maximum of 22.77%in core experiment.The pressure reduction rate is found to be positively correlated with oil saturation and permeability,and negatively correlated with temperature and salinity.Furthermore,particle image velocimetry(PIV)experiments(25℃,atmospheric pressure)indicate that the pressure reduction is achieved by NPs through the reduction of wall shear resistance and wettability change.This work has important implications for the design of water injection strategies in ultra-low permeability reservoirs.展开更多
During flotation,the features of the froth image are highly correlated with the concentrate grade and the corresponding working conditions.The static features such as color and size of the bubbles and the dynamic feat...During flotation,the features of the froth image are highly correlated with the concentrate grade and the corresponding working conditions.The static features such as color and size of the bubbles and the dynamic features such as velocity have obvious differences between different working conditions.The extraction of these features is typically relied on the outcomes of image segmentation at the froth edge,making the segmentation of froth image the basis for studying its visual information.Meanwhile,the absence of scientifically reliable training data with label and the necessity to manually construct dataset and label make the study difficult in the mineral flotation.To solve this problem,this paper constructs a tungsten concentrate froth image dataset,and proposes a data augmentation network based on Conditional Generative Adversarial Nets(cGAN)and a U-Net++-based edge segmentation network.The performance of this algorithm is also evaluated and contrasted with other algorithms in this paper.On the results of semantic segmentation,a phase-correlationbased velocity extraction method is finally suggested.展开更多
In lightweight augmented reality(AR)glasses,the light engines must be very compact while keeping a high optical efficiency to enable longtime comfortable wearing and high ambient contrast ratio.“Liquid-crystal-on-sil...In lightweight augmented reality(AR)glasses,the light engines must be very compact while keeping a high optical efficiency to enable longtime comfortable wearing and high ambient contrast ratio.“Liquid-crystal-on-silicon(LCoS)or micro-LED,who wins?”is recently a heated debate question.Conventional LCoS system is facing tremendous challenges due to its bulky illumination systems;it often incorporates a bulky polarizing beam splitter(PBS)cube.To minimize the formfactor of an LCoS system,here we demonstrate an ultracompact illumination system consisting of an in-coupling prism,and a light guide plate with multiple parallelepiped extraction prisms.The overall module volume including the illumination optics and an LCoS panel(4.4-μm pixel pitch and 1024x1024 resolution elements),but excluding the projection optics,is merely 0.25 cc(cm3).Yet,our system exhibits an excellent illuminance uniformity and an impressive optical efficiency(36%–41%for a polarized input light).Such an ultracompact and high-efficiency LCoS illumination system is expected to revolutionize the next-generation AR glasses.展开更多
Metallic alloys for a given application are usually designed to achieve the desired properties by devising experimentsbased on experience, thermodynamic and kinetic principles, and various modeling and simulation exer...Metallic alloys for a given application are usually designed to achieve the desired properties by devising experimentsbased on experience, thermodynamic and kinetic principles, and various modeling and simulation exercises.However, the influence of process parameters and material properties is often non-linear and non-colligative. Inrecent years, machine learning (ML) has emerged as a promising tool to dealwith the complex interrelation betweencomposition, properties, and process parameters to facilitate accelerated discovery and development of new alloysand functionalities. In this study, we adopt an ML-based approach, coupled with genetic algorithm (GA) principles,to design novel copper alloys for achieving seemingly contradictory targets of high strength and high electricalconductivity. Initially, we establish a correlation between the alloy composition (binary to multi-component) andthe target properties, namely, electrical conductivity and mechanical strength. Catboost, an ML model coupledwith GA, was used for this task. The accuracy of the model was above 93.5%. Next, for obtaining the optimizedcompositions the outputs fromthe initial model were refined by combining the concepts of data augmentation andPareto front. Finally, the ultimate objective of predicting the target composition that would deliver the desired rangeof properties was achieved by developing an advancedMLmodel through data segregation and data augmentation.To examine the reliability of this model, results were rigorously compared and verified using several independentdata reported in the literature. This comparison substantiates that the results predicted by our model regarding thevariation of conductivity and evolution ofmicrostructure and mechanical properties with composition are in goodagreement with the reports published in the literature.展开更多
Users’interests are often diverse and multi-grained,with their underlying intents even more so.Effectively captur-ing users’interests and uncovering the relationships between diverse interests are key to news recomm...Users’interests are often diverse and multi-grained,with their underlying intents even more so.Effectively captur-ing users’interests and uncovering the relationships between diverse interests are key to news recommendation.Meanwhile,diversity is an important metric for evaluating news recommendation algorithms,as users tend to reject excessive homogeneous information in their recommendation lists.However,recommendation models themselves lack diversity awareness,making it challenging to achieve a good balance between the accuracy and diversity of news recommendations.In this paper,we propose a news recommendation algorithm that achieves good performance in both accuracy and diversity.Unlike most existing works that solely optimize accuracy or employ more features to meet diversity,the proposed algorithm leverages the diversity-aware capability of the model.First,we introduce an augmented user model to fully capture user intent and the behavioral guidance they might undergo as a result.Specifically,we focus on the relationship between the original clicked news and the augmented clicked news.Moreover,we propose an effective adversarial training method for diversity(AT4D),which is a pluggable component that can enhance both the accuracy and diversity of news recommendation results.Extensive experiments on real-world datasets confirm the efficacy of the proposed algorithm in improving both the accuracy and diversity of news recommendations.展开更多
Mechanically cleaved two-dimensional materials are random in size and thickness.Recognizing atomically thin flakes by human experts is inefficient and unsuitable for scalable production.Deep learning algorithms have b...Mechanically cleaved two-dimensional materials are random in size and thickness.Recognizing atomically thin flakes by human experts is inefficient and unsuitable for scalable production.Deep learning algorithms have been adopted as an alternative,nevertheless a major challenge is a lack of sufficient actual training images.Here we report the generation of synthetic two-dimensional materials images using StyleGAN3 to complement the dataset.DeepLabv3Plus network is trained with the synthetic images which reduces overfitting and improves recognition accuracy to over 90%.A semi-supervisory technique for labeling images is introduced to reduce manual efforts.The sharper edges recognized by this method facilitate material stacking with precise edge alignment,which benefits exploring novel properties of layered-material devices that crucially depend on the interlayer twist-angle.This feasible and efficient method allows for the rapid and high-quality manufacturing of atomically thin materials and devices.展开更多
基金supported by the Deanship of Graduate Studies and Scientific Research at Jouf University under grant No.DGSSR-2023-02-02116.
文摘When it comes to smart healthcare business systems,network-based intrusion detection systems are crucial for protecting the system and its networks from malicious network assaults.To protect IoMT devices and networks in healthcare and medical settings,our proposed model serves as a powerful tool for monitoring IoMT networks.This study presents a robust methodology for intrusion detection in Internet of Medical Things(IoMT)environments,integrating data augmentation,feature selection,and ensemble learning to effectively handle IoMT data complexity.Following rigorous preprocessing,including feature extraction,correlation removal,and Recursive Feature Elimi-nation(RFE),selected features are standardized and reshaped for deep learning models.Augmentation using the BAT algorithm enhances dataset variability.Three deep learning models,Transformer-based neural networks,self-attention Deep Convolutional Neural Networks(DCNNs),and Long Short-Term Memory(LSTM)networks,are trained to capture diverse data aspects.Their predictions form a meta-feature set for a subsequent meta-learner,which combines model strengths.Conventional classifiers validate meta-learner features for broad algorithm suitability.This comprehensive method demonstrates high accuracy and robustness in IoMT intrusion detection.Evaluations were conducted using two datasets:the publicly available WUSTL-EHMS-2020 dataset,which contains two distinct categories,and the CICIoMT2024 dataset,encompassing sixteen categories.Experimental results showcase the method’s exceptional performance,achieving optimal scores of 100%on the WUSTL-EHMS-2020 dataset and 99%on the CICIoMT2024.
基金supported by the National Natural Science Foundation of China (Grants Nos.61931004,62072250)the Talent Launch Fund of Nanjing University of Information Science and Technology (2020r061).
文摘Encrypted traffic classification has become a hot issue in network security research.The class imbalance problem of traffic samples often causes the deterioration of Machine Learning based classifier performance.Although the Generative Adversarial Network(GAN)method can generate new samples by learning the feature distribution of the original samples,it is confronted with the problems of unstable training andmode collapse.To this end,a novel data augmenting approach called Graph CWGAN-GP is proposed in this paper.The traffic data is first converted into grayscale images as the input for the proposed model.Then,the minority class data is augmented with our proposed model,which is built by introducing conditional constraints and a new distance metric in typical GAN.Finally,the classical deep learning model is adopted as a classifier to classify datasets augmented by the Condition GAN(CGAN),Wasserstein GAN-Gradient Penalty(WGAN-GP)and Graph CWGAN-GP,respectively.Compared with the state-of-the-art GAN methods,the Graph CWGAN-GP cannot only control the modes of the data to be generated,but also overcome the problem of unstable training and generate more realistic and diverse samples.The experimental results show that the classification precision,recall and F1-Score of theminority class in the balanced dataset augmented in this paper have improved by more than 2.37%,3.39% and 4.57%,respectively.
文摘Outcomes following peripheral nerve injury remain frustratingly poor. The reasons for this are multifactorial, although maintaining a growth permissive environment in the distal nerve stump following repair is arguably the most important. The optimal environment for axonal regeneration relies on the synthesis and release of many biochemical mediators that are temporally and spatially regulated with a high level of incompletely understood complexity. The Schwann cell(SC) has emerged as a key player in this process. Prolonged periods of distal nerve stump denervation, characteristic of large gaps and proximal injuries, have been associated with a reduction in SC number and ability to support regenerating axons. Cell based therapy offers a potential therapy for the improvement of outcomes following peripheral nerve reconstruction. Stem cells have the potential to increase the number of SCs and prolong their ability to support regeneration. They may also have the ability to rescue and replenish populations of chromatolytic and apoptotic neurons following axotomy. Finally, they can be used in non-physiologic ways to preserve injured tissues such as denervated muscle while neuronal ingrowth has not yet occurred. Aside from stem cell type, careful consideration must be given to differentiation status, how stem cells are supported following transplantation and how they will be delivered to the site of injury. It is the aim of this article to review current opinions on the strategies of stem cell based therapy for the augmentation of peripheral nerve regeneration.
基金This work was supported in part by the National Research Foundation of Korea(NRF)funded by the Ministry of Science and ICT(MSIT)Future Planning under Grant NRF-2020R1A2C2014336 and Grant NRF-2021R1A4A1029650.
文摘Android malware has evolved in various forms such as adware that continuously exposes advertisements,banking malware designed to access users’online banking accounts,and Short Message Service(SMS)malware that uses a Command&Control(C&C)server to send malicious SMS,intercept SMS,and steal data.By using many malicious strategies,the number of malware is steadily increasing.Increasing Android malware threats numerous users,and thus,it is necessary to detect malware quickly and accurately.Each malware has distinguishable characteristics based on its actions.Therefore,security researchers have tried to categorize malware based on their behaviors by conducting the familial analysis which can help analysists to reduce the time and cost for analyzing malware.However,those studies algorithms typically used imbalanced,well-labeled open-source dataset,and thus,it is very difficult to classify some malware families which only have a few number of malware.To overcome this challenge,previous data augmentation studies augmented data by visualizing malicious codes and used them for malware analysis.However,visualization of malware can result in misclassifications because the behavior information of the malware could be compromised.In this study,we propose an android malware familial analysis system based on a data augmentation method that preserves malware behaviors to create an effective multi-class classifier for malware family analysis.To this end,we analyze malware and use Application Programming Interface(APIs)and permissions that can reflect the behavior of malware as features.By using these features,we augment malware dataset to enable effective malware detection while preserving original malicious behaviors.Our evaluation results demonstrate that,when a model is created by using only the augmented data,a macro-F1 score of 0.65 and accuracy of 0.63%.On the other hand,when the augmented data and original malware are used together,the evaluation results show that a macro-F1 score of 0.91 and an accuracy of 0.99%.
文摘Lung cancer continues to be a leading cause of cancer-related deaths worldwide,emphasizing the critical need for improved diagnostic techniques.Early detection of lung tumors significantly increases the chances of successful treatment and survival.However,current diagnostic methods often fail to detect tumors at an early stage or to accurately pinpoint their location within the lung tissue.Single-model deep learning technologies for lung cancer detection,while beneficial,cannot capture the full range of features present in medical imaging data,leading to incomplete or inaccurate detection.Furthermore,it may not be robust enough to handle the wide variability in medical images due to different imaging conditions,patient anatomy,and tumor characteristics.To overcome these disadvantages,dual-model or multi-model approaches can be employed.This research focuses on enhancing the detection of lung cancer by utilizing a combination of two learning models:a Convolutional Neural Network(CNN)for categorization and the You Only Look Once(YOLOv8)architecture for real-time identification and pinpointing of tumors.CNNs automatically learn to extract hierarchical features from raw image data,capturing patterns such as edges,textures,and complex structures that are crucial for identifying lung cancer.YOLOv8 incorporates multiscale feature extraction,enabling the detection of tumors of varying sizes and scales within a single image.This is particularly beneficial for identifying small or irregularly shaped tumors that may be challenging to detect.Furthermore,through the utilization of cutting-edge data augmentation methods,such as Deep Convolutional Generative Adversarial Networks(DCGAN),the suggested approach can handle the issue of limited data and boost the models’ability to learn from diverse and comprehensive datasets.The combined method not only improved accuracy and localization but also ensured efficient real-time processing,which is crucial for practical clinical applications.The CNN achieved an accuracy of 97.67%in classifying lung tissues into healthy and cancerous categories.The YOLOv8 model achieved an Intersection over Union(IoU)score of 0.85 for tumor localization,reflecting high precision in detecting and marking tumor boundaries within the images.Finally,the incorporation of synthetic images generated by DCGAN led to a 10%improvement in both the CNN classification accuracy and YOLOv8 detection performance.
文摘Augmented reality(AR)is an emerging dynamic technology that effectively supports education across different levels.The increased use of mobile devices has an even greater impact.As the demand for AR applications in education continues to increase,educators actively seek innovative and immersive methods to engage students in learning.However,exploring these possibilities also entails identifying and overcoming existing barriers to optimal educational integration.Concurrently,this surge in demand has prompted the identification of specific barriers,one of which is three-dimensional(3D)modeling.Creating 3D objects for augmented reality education applications can be challenging and time-consuming for the educators.To address this,we have developed a pipeline that creates realistic 3D objects from the two-dimensional(2D)photograph.Applications for augmented and virtual reality can then utilize these created 3D objects.We evaluated the proposed pipeline based on the usability of the 3D object and performance metrics.Quantitatively,with 117 respondents,the co-creation team was surveyed with openended questions to evaluate the precision of the 3D object created by the proposed photogrammetry pipeline.We analyzed the survey data using descriptive-analytical methods and found that the proposed pipeline produces 3D models that are positively accurate when compared to real-world objects,with an average mean score above 8.This study adds new knowledge in creating 3D objects for augmented reality applications by using the photogrammetry technique;finally,it discusses potential problems and future research directions for 3D objects in the education sector.
基金supported in part by the Meteorological Joint Funds of the National Natural Science Foundation of China under Grant U2142211in part by the National Natural Science Foundation of China under Grant 42075141,42341202+2 种基金in part by the National Key Research and Development Program of China under Grant 2020YFA0608000in part by the Shanghai Municipal Science and Technology Major Project(2021SHZDZX0100)the Fundamental Research Funds for the Central Universities。
文摘In this paper,we introduce TianXing,a transformer-based data-driven model designed with physical augmentation for skillful and efficient global weather forecasting.Previous data-driven transformer models such as Pangu-Weather,FengWu,and FuXi have emerged as promising alternatives for numerical weather prediction in weather forecasting.However,these models have been characterized by their substantial computational resource consumption during training and limited incorporation of explicit physical guidance in their modeling frameworks.In contrast,TianXing applies a linear complexity mechanism that ensures proportional scalability with input data size while significantly diminishing GPU resource demands,with only a marginal compromise in accuracy.Furthermore,TianXing proposes an explicit attention decay mechanism in the linear attention derived from physical insights to enhance its forecasting skill.The mechanism can reweight attention based on Earth's spherical distances and learned sparse multivariate coupling relationships,promptingTianXing to prioritize dynamically relevant neighboring features.Finally,to enhance its performance in mediumrange forecasting,TianXing employs a stacked autoregressive forecast algorithm.Validation of the model's architecture is conducted using ERA5 reanalysis data at a 5.625°latitude-longitude resolution,while a high-resolution dataset at 0.25°is utilized for training the actual forecasting model.Notably,the TianXing exhibits excellent performance,particularly in the Z500(geopotential height)and T850(temperature)fields,surpassing previous data-driven models and operational fullresolution models such as NCEP GFS and ECMWF IFS,as evidenced by latitude-weighted RMSE and ACC metrics.Moreover,the TianXing has demonstrated remarkable capabilities in predicting extreme weather events,such as typhoons.
基金supported by the National Natural Science Foundation of China under Grant Nos.61836007 and 61772354.
文摘Due to the small size of the annotated corpora and the sparsity of the event trigger words, the event coreference resolver cannot capture enough event semantics, especially the trigger semantics, to identify coreferential event mentions. To address the above issues, this paper proposes a trigger semantics augmentation mechanism to boost event coreference resolution. First, this mechanism performs a trigger-oriented masking strategy to pre-train a BERT (Bidirectional Encoder Representations from Transformers)-based encoder (Trigger-BERT), which is fine-tuned on a large-scale unlabeled dataset Gigaword. Second, it combines the event semantic relations from the Trigger-BERT encoder with the event interactions from the soft-attention mechanism to resolve event coreference. Experimental results on both the KBP2016 and KBP2017 datasets show that our proposed model outperforms several state-of-the-art baselines.
基金Supported by Instituto de Salud CarlosⅢ(ISCⅢ),with group funds the Research Network on Chronicity,Primary Care and Health Promotion(RICAPPS,RD21/0016/0005)that is part of the Results-Oriented Cooperative Research Networks in Health(RICORS)(CarlosⅢHealth Institute),co-funded by the European Union“NextGeneration EU/PRTR”funds and with group funds Mental health research group in Primary Care(B17_23R),which is part of the Department of Innovation,Research,and University in the Government of Aragón(Spain).
文摘Current rates of mental illness are worrisome.Mental illness mainly affects females and younger age groups.The use of the internet to deliver mental health care has been growing since 2020 and includes the implementation of novel mental health treatments using virtual reality,augmented reality,and artificial intelligence.A new three dimensional digital environment,known as the metaverse,has emerged as the next version of the Internet.Artificial intelligence,augmented reality,and virtual reality will create fully immersive,experiential,and interactive online environments in the metaverse.People will use a unique avatar to do anything they do in their“real”lives,including seeking and receiving mental health care.In this opinion review,we reflect on how the metaverse could reshape how we deliver mental health treatment,its opportunities,and its challenges.
基金Korea Institute of Energy Technology Evaluation and Planning(KETEP)grant funded by the Korea government(Grant No.20214000000140,Graduate School of Convergence for Clean Energy Integrated Power Generation)Korea Basic Science Institute(National Research Facilities and Equipment Center)grant funded by the Ministry of Education(2021R1A6C101A449)the National Research Foundation of Korea grant funded by the Ministry of Science and ICT(2021R1A2C1095139),Republic of Korea。
文摘Mg alloys possess an inherent plastic anisotropy owing to the selective activation of deformation mechanisms depending on the loading condition.This characteristic results in a diverse range of flow curves that vary with a deformation condition.This study proposes a novel approach for accurately predicting an anisotropic deformation behavior of wrought Mg alloys using machine learning(ML)with data augmentation.The developed model combines four key strategies from data science:learning the entire flow curves,generative adversarial networks(GAN),algorithm-driven hyperparameter tuning,and gated recurrent unit(GRU)architecture.The proposed model,namely GAN-aided GRU,was extensively evaluated for various predictive scenarios,such as interpolation,extrapolation,and a limited dataset size.The model exhibited significant predictability and improved generalizability for estimating the anisotropic compressive behavior of ZK60 Mg alloys under 11 annealing conditions and for three loading directions.The GAN-aided GRU results were superior to those of previous ML models and constitutive equations.The superior performance was attributed to hyperparameter optimization,GAN-based data augmentation,and the inherent predictivity of the GRU for extrapolation.As a first attempt to employ ML techniques other than artificial neural networks,this study proposes a novel perspective on predicting the anisotropic deformation behaviors of wrought Mg alloys.
基金This study is financially supported by StateKey Laboratory of Alternate Electrical Power System with Renewable Energy Sources(Grant No.LAPS22012).
文摘This paper aims to propose a topology optimization method on generating porous structures comprising multiple materials.The mathematical optimization formulation is established under the constraints of individual volume fraction of constituent phase or total mass,as well as the local volume fraction of all phases.The original optimization problem with numerous constraints is converted into a box-constrained optimization problem by incorporating all constraints to the augmented Lagrangian function,avoiding the parameter dependence in the conventional aggregation process.Furthermore,the local volume percentage can be precisely satisfied.The effects including the globalmass bound,the influence radius and local volume percentage on final designs are exploited through numerical examples.The numerical results also reveal that porous structures keep a balance between the bulk design and periodic design in terms of the resulting compliance.All results,including those for irregular structures andmultiple volume fraction constraints,demonstrate that the proposedmethod can provide an efficient solution for multiple material infill structures.
基金This research was financially supported by the Ministry of Trade,Industry,and Energy(MOTIE),Korea,under the“Project for Research and Development with Middle Markets Enterprises and DNA(Data,Network,AI)Universities”(AI-based Safety Assessment and Management System for Concrete Structures)(ReferenceNumber P0024559)supervised by theKorea Institute for Advancement of Technology(KIAT).
文摘Time-series data provide important information in many fields,and their processing and analysis have been the focus of much research.However,detecting anomalies is very difficult due to data imbalance,temporal dependence,and noise.Therefore,methodologies for data augmentation and conversion of time series data into images for analysis have been studied.This paper proposes a fault detection model that uses time series data augmentation and transformation to address the problems of data imbalance,temporal dependence,and robustness to noise.The method of data augmentation is set as the addition of noise.It involves adding Gaussian noise,with the noise level set to 0.002,to maximize the generalization performance of the model.In addition,we use the Markov Transition Field(MTF)method to effectively visualize the dynamic transitions of the data while converting the time series data into images.It enables the identification of patterns in time series data and assists in capturing the sequential dependencies of the data.For anomaly detection,the PatchCore model is applied to show excellent performance,and the detected anomaly areas are represented as heat maps.It allows for the detection of anomalies,and by applying an anomaly map to the original image,it is possible to capture the areas where anomalies occur.The performance evaluation shows that both F1-score and Accuracy are high when time series data is converted to images.Additionally,when processed as images rather than as time series data,there was a significant reduction in both the size of the data and the training time.The proposed method can provide an important springboard for research in the field of anomaly detection using time series data.Besides,it helps solve problems such as analyzing complex patterns in data lightweight.
文摘The identification of individuals through ear images is a prominent area of study in the biometric sector.Facial recognition systems have faced challenges during the COVID-19 pandemic due to mask-wearing,prompting the exploration of supplementary biometric measures such as ear biometrics.The research proposes a Deep Learning(DL)framework,termed DeepBio,using ear biometrics for human identification.It employs two DL models and five datasets,including IIT Delhi(IITD-I and IITD-II),annotated web images(AWI),mathematical analysis of images(AMI),and EARVN1.Data augmentation techniques such as flipping,translation,and Gaussian noise are applied to enhance model performance and mitigate overfitting.Feature extraction and human identification are conducted using a hybrid approach combining Convolutional Neural Networks(CNN)and Bidirectional Long Short-Term Memory(Bi-LSTM).The DeepBio framework achieves high recognition rates of 97.97%,99.37%,98.57%,94.5%,and 96.87%on the respective datasets.Comparative analysis with existing techniques demonstrates improvements of 0.41%,0.47%,12%,and 9.75%on IITD-II,AMI,AWE,and EARVN1 datasets,respectively.
基金Supported by National Natural Science Foundation of China(Grant Nos.51875031,52242507)Beijing Municipal Natural Science Foundation of China(Grant No.3212010)Beijing Municipal Youth Backbone Personal Project of China(Grant No.2017000020124 G018).
文摘The co-frequency vibration fault is one of the common faults in the operation of rotating equipment,and realizing the real-time diagnosis of the co-frequency vibration fault is of great significance for monitoring the health state and carrying out vibration suppression of the equipment.In engineering scenarios,co-frequency vibration faults are highlighted by rotational frequency and are difficult to identify,and existing intelligent methods require more hardware conditions and are exclusively time-consuming.Therefore,Lightweight-convolutional neural networks(LW-CNN)algorithm is proposed in this paper to achieve real-time fault diagnosis.The critical parameters are discussed and verified by simulated and experimental signals for the sliding window data augmentation method.Based on LW-CNN and data augmentation,the real-time intelligent diagnosis of co-frequency is realized.Moreover,a real-time detection method of fault diagnosis algorithm is proposed for data acquisition to fault diagnosis.It is verified by experiments that the LW-CNN and sliding window methods are used with high accuracy and real-time performance.
基金supported by the National Natural Science Foundation of China(Nos.52074249,U1663206,52204069)Fundamental Research Funds for the Central Universities。
文摘Nanoparticles(NPs)have gained significant attention as a functional material due to their ability to effectively enhance pressure reduction in injection processes in ultra-low permeability reservoirs.NPs are typically studied in controlled laboratory conditions,and their behavior in real-world,complex environments such as ultra-low permeability reservoirs,is not well understood due to the limited scope of their applications.This study investigates the efficacy and underlying mechanisms of NPs in decreasing injection pressure under various injection conditions(25—85℃,10—25 MPa).The results reveal that under optimal injection conditions,NPs effectively reduce injection pressure by a maximum of 22.77%in core experiment.The pressure reduction rate is found to be positively correlated with oil saturation and permeability,and negatively correlated with temperature and salinity.Furthermore,particle image velocimetry(PIV)experiments(25℃,atmospheric pressure)indicate that the pressure reduction is achieved by NPs through the reduction of wall shear resistance and wettability change.This work has important implications for the design of water injection strategies in ultra-low permeability reservoirs.
基金This work was financially supported by the National Natural Science Foundation of China(No.61973320)the Joint Fund of Liaoning Province State Key Laboratory of Robotics,China(No.2021KF2218)+1 种基金the Youth Program of the National Natural Science Foundation of China(No.61903138)the Key Research Innovation Project of Hunan Province,China(No.2022GK2059).
文摘During flotation,the features of the froth image are highly correlated with the concentrate grade and the corresponding working conditions.The static features such as color and size of the bubbles and the dynamic features such as velocity have obvious differences between different working conditions.The extraction of these features is typically relied on the outcomes of image segmentation at the froth edge,making the segmentation of froth image the basis for studying its visual information.Meanwhile,the absence of scientifically reliable training data with label and the necessity to manually construct dataset and label make the study difficult in the mineral flotation.To solve this problem,this paper constructs a tungsten concentrate froth image dataset,and proposes a data augmentation network based on Conditional Generative Adversarial Nets(cGAN)and a U-Net++-based edge segmentation network.The performance of this algorithm is also evaluated and contrasted with other algorithms in this paper.On the results of semantic segmentation,a phase-correlationbased velocity extraction method is finally suggested.
文摘In lightweight augmented reality(AR)glasses,the light engines must be very compact while keeping a high optical efficiency to enable longtime comfortable wearing and high ambient contrast ratio.“Liquid-crystal-on-silicon(LCoS)or micro-LED,who wins?”is recently a heated debate question.Conventional LCoS system is facing tremendous challenges due to its bulky illumination systems;it often incorporates a bulky polarizing beam splitter(PBS)cube.To minimize the formfactor of an LCoS system,here we demonstrate an ultracompact illumination system consisting of an in-coupling prism,and a light guide plate with multiple parallelepiped extraction prisms.The overall module volume including the illumination optics and an LCoS panel(4.4-μm pixel pitch and 1024x1024 resolution elements),but excluding the projection optics,is merely 0.25 cc(cm3).Yet,our system exhibits an excellent illuminance uniformity and an impressive optical efficiency(36%–41%for a polarized input light).Such an ultracompact and high-efficiency LCoS illumination system is expected to revolutionize the next-generation AR glasses.
文摘Metallic alloys for a given application are usually designed to achieve the desired properties by devising experimentsbased on experience, thermodynamic and kinetic principles, and various modeling and simulation exercises.However, the influence of process parameters and material properties is often non-linear and non-colligative. Inrecent years, machine learning (ML) has emerged as a promising tool to dealwith the complex interrelation betweencomposition, properties, and process parameters to facilitate accelerated discovery and development of new alloysand functionalities. In this study, we adopt an ML-based approach, coupled with genetic algorithm (GA) principles,to design novel copper alloys for achieving seemingly contradictory targets of high strength and high electricalconductivity. Initially, we establish a correlation between the alloy composition (binary to multi-component) andthe target properties, namely, electrical conductivity and mechanical strength. Catboost, an ML model coupledwith GA, was used for this task. The accuracy of the model was above 93.5%. Next, for obtaining the optimizedcompositions the outputs fromthe initial model were refined by combining the concepts of data augmentation andPareto front. Finally, the ultimate objective of predicting the target composition that would deliver the desired rangeof properties was achieved by developing an advancedMLmodel through data segregation and data augmentation.To examine the reliability of this model, results were rigorously compared and verified using several independentdata reported in the literature. This comparison substantiates that the results predicted by our model regarding thevariation of conductivity and evolution ofmicrostructure and mechanical properties with composition are in goodagreement with the reports published in the literature.
基金This research was funded by Beijing Municipal Social Science Foundation(23YTB031)the Fundamental Research Funds for the Central Universities(CUC23ZDTJ005).
文摘Users’interests are often diverse and multi-grained,with their underlying intents even more so.Effectively captur-ing users’interests and uncovering the relationships between diverse interests are key to news recommendation.Meanwhile,diversity is an important metric for evaluating news recommendation algorithms,as users tend to reject excessive homogeneous information in their recommendation lists.However,recommendation models themselves lack diversity awareness,making it challenging to achieve a good balance between the accuracy and diversity of news recommendations.In this paper,we propose a news recommendation algorithm that achieves good performance in both accuracy and diversity.Unlike most existing works that solely optimize accuracy or employ more features to meet diversity,the proposed algorithm leverages the diversity-aware capability of the model.First,we introduce an augmented user model to fully capture user intent and the behavioral guidance they might undergo as a result.Specifically,we focus on the relationship between the original clicked news and the augmented clicked news.Moreover,we propose an effective adversarial training method for diversity(AT4D),which is a pluggable component that can enhance both the accuracy and diversity of news recommendation results.Extensive experiments on real-world datasets confirm the efficacy of the proposed algorithm in improving both the accuracy and diversity of news recommendations.
基金Project supported by the National Key Research and Development Program of China(Grant No.2022YFB2803900)the National Natural Science Foundation of China(Grant Nos.61974075 and 61704121)+2 种基金the Natural Science Foundation of Tianjin Municipality(Grant Nos.22JCZDJC00460 and 19JCQNJC00700)Tianjin Municipal Education Commission(Grant No.2019KJ028)Fundamental Research Funds for the Central Universities(Grant No.22JCZDJC00460).
文摘Mechanically cleaved two-dimensional materials are random in size and thickness.Recognizing atomically thin flakes by human experts is inefficient and unsuitable for scalable production.Deep learning algorithms have been adopted as an alternative,nevertheless a major challenge is a lack of sufficient actual training images.Here we report the generation of synthetic two-dimensional materials images using StyleGAN3 to complement the dataset.DeepLabv3Plus network is trained with the synthetic images which reduces overfitting and improves recognition accuracy to over 90%.A semi-supervisory technique for labeling images is introduced to reduce manual efforts.The sharper edges recognized by this method facilitate material stacking with precise edge alignment,which benefits exploring novel properties of layered-material devices that crucially depend on the interlayer twist-angle.This feasible and efficient method allows for the rapid and high-quality manufacturing of atomically thin materials and devices.