deep learning algorithms have shown great performance in multimedia forensics applications using supervised learning on large-scale labeled datasets. However, constructing such extensive labeled datasets can be challe...
详细信息
deep learning algorithms have shown great performance in multimedia forensics applications using supervised learning on large-scale labeled datasets. However, constructing such extensive labeled datasets can be challenging and costly in several multimedia forensics scenarios. Additionally, heavyweight deeplearning models with complex architectures and a large number of parameters require significant hardware resources for training. To address these challenges in the context of image cropping detection, a common multimedia forensics application, we propose a semi-supervised deeplearning framework capable of training on a large amount of unlabeled image samples. In this framework, we leverage a teacher model, trained on a small set of labeled image samples, to rank the confidence scores of image samples in a large-scale unlabeled dataset. By utilizing the ranked image samples, we train a student network successfully. To validate the effectiveness of our collaborative training framework across various image cropping detection scenarios, we conduct extensive experiments on a large-scale dataset. The experimental results clearly demonstrate that our semi-supervised learning approach achieved a state-of-the-art performance compared to existing supervised detection frameworks, achieving an accuracy of 91.79% on the BOSSbase dataset and 89.23% on the Alaska dataset. Furthermore, we conducted in-depth research on various factors that influence detection performance in the context of semi-supervised learning. These factors include pairings of teacher-student models, the top K selection approach, the number of unlabeled samples, the number of iterations in self-training, and the proportion of high-confidence samples using in semi-supervised learning.
Automated deeplearning and data mining algorithms can provide accurate detection, frequency patterns, and predictions of dangerous goods passing through motorways and tunnels. This paper presents a post-processing im...
详细信息
Automated deeplearning and data mining algorithms can provide accurate detection, frequency patterns, and predictions of dangerous goods passing through motorways and tunnels. This paper presents a post-processing image detection application and a three-stage deeplearning detection algorithm that identifies and records dangerous goods' passage through motorways and tunnels. This tool receives low-resolution input from toll camera images and offers timely information on vehicles carrying dangerous goods. According to the authors' experimentation, the mean accuracy achieved by stage 2 of the proposed algorithm in identifying the ADR plates is close to 96% and 92% of both stages 1 and 2 of the algorithm. In addition, for the successful optical character recognition of the ADR numbers, the algorithm's stage 3 mean accuracy is between 90 and 97%, and overall successful detection and Optical Character Recognition accuracy are close to 94%. Regarding execution time, the proposed algorithm can achieve real-time detection capabilities by processing one image in less than 2.69 s.
Long non-coding RNAs are involved in biological processes throughout the cell including the nucleus, chromatin and cytosol. However, most lncRNAs remain unannotated and functional annotation of lncRNAs is difficult du...
详细信息
Long non-coding RNAs are involved in biological processes throughout the cell including the nucleus, chromatin and cytosol. However, most lncRNAs remain unannotated and functional annotation of lncRNAs is difficult due to their low conservation and their tissue and developmentally specific expression. LncRNA subcellular localization is highly informative regarding its biological function, although it is difficult to discover because few prediction methods currently exist. While protein subcellular localization prediction is a well-established research field, lncRNA localization prediction is a novel research problem. We developed deepLncRNA, a deeplearning algorithm which predicts lncRNA subcellular localization directly from lncRNA transcript sequences. We analyzed 93 strand-specific RNA-seq samples of nuclear and cytosolic fractions from multiple cell types to identify differentially localized lncRNAs. We then extracted sequence-based features from the lncRNAs to construct our deepLncRNA model, which achieved an accuracy of 72.4%, sensitivity of 83%, specificity of 62.4% and area under the receiver operating characteristic curve of 0.787. Our results suggest that primary sequence motifs are a major driving force in the subcellular localization of lncRNAs.
The performance of deep learning algorithms is highly dependent on the size and diversity of data. However, for handwritten character recognition, dataset creation, segmentation, and labeling are time consuming and la...
详细信息
The performance of deep learning algorithms is highly dependent on the size and diversity of data. However, for handwritten character recognition, dataset creation, segmentation, and labeling are time consuming and laborious tasks and not much researched. This work proposes a novel and generic framework which automates the segmentation and labeling processes for handwritten datasets. First, a user collects handwritten glyphs on the proposed form. Next, based on a priori knowledge, local peaks from horizontal and vertical projection functions are computed. This helps in locating and segmenting individual samples automatically. To show the effectiveness of the proposed framework, a dataset of 160,000 samples is collected for an oriental language. We profile the segmentation of samples from one sheet with three approaches: manual, semi-automatic, and the proposed fully automatic approach. Compared to the manual and semi-automatic processes, the proposed approach is 120 x and 65 x faster, respectively. Further, we also present the classification of this dataset by traditional and state-of-the-art machine learningalgorithms.
The Macao Government provides web-based streaming videos for the public to monitor live traffic and road conditions across the city. This allows individuals to review the latest road traffic conditions online before p...
详细信息
The Macao Government provides web-based streaming videos for the public to monitor live traffic and road conditions across the city. This allows individuals to review the latest road traffic conditions online before planning their travels. To let road user makes better and faster decisions, it is desirable to design an automated subsystem in an Intelligent Transportation System (ITS). And the subsystem should analyze available live video streams and recommend multiple travel routes, if possible, to each query instantly. In the paper, we propose a real-time road traffic condition evaluation system. Its design is based on a combination of deeplearning models (YOLO and BoTSORT), and a modified Non-Maximum Suppression (mNMS) algorithm. The mNMS strategy removes the needs to manually tune the NMS parameters. By deploying YOLO with our mNMS, the object detection efficiency on live videos improves significantly. Together with the BoTSORT method, we can track the moving vehicles, create the corresponding motion trajectories, and identify traffic lanes with high correctness. The generated trajectory then operates as a filtering mechanism in assessing real-time road traffic conditions. By separating the lanes based on observation angles and using a per-lane status score independently, we further enhance the overall system performance. Through thorough experiments on the live videos, our design correctly estimates traffic status with high accuracy and without needing any manual parametric adjustments.
Vehicular Ad hoc Networks (VANETs) are established on vehicles that are intelligent and can have Vehicle-to-Vehicle (V2V) and Vehicle-to-Road Side Units (V2R) communications. In this paper, we propose a model for pred...
详细信息
Vehicular Ad hoc Networks (VANETs) are established on vehicles that are intelligent and can have Vehicle-to-Vehicle (V2V) and Vehicle-to-Road Side Units (V2R) communications. In this paper, we propose a model for predicting network traffic by considering the parameters that can lead to road traffic happening. The proposed model integrates a Random Forest- Gated Recurrent Unit- Network Traffic Prediction algorithm (RF-GRU-NTP) to predict the network traffic flow based on the traffic in the road and network simultaneously. This model has three phases including network traffic prediction based on V2R communication, road traffic prediction based on V2V communication, and network traffic prediction considering road traffic happening based on V2V and V2R communication. The hybrid proposed model which implements in the third phase, selects the important features from the combined dataset (including V2V and V2R communications), by using the Random Forest (RF) machine learning algorithm, then the deep learning algorithms to predict the network traffic flow apply, where the Gated Recurrent Unit (GRU) algorithm gives the best results. The simulation results show that the proposed RF-GRU-NTP model has better performance in execution time and prediction errors than other algorithms which used for network traffic prediction.
Data from production environments is now available in unprecedented volumes, making the problem-solving of incidents through root cause analysis straightforward. However, the root cause analysis process remains time-c...
详细信息
Data from production environments is now available in unprecedented volumes, making the problem-solving of incidents through root cause analysis straightforward. However, the root cause analysis process remains time-consuming. This study employs the Kitchenham standard systematic literature review methodology to explore how information models and deeplearning can streamline this process. By conducting a comprehensive search across four major databases, we evaluate the current technological advancements and their application in root cause analysis. The aim of this study is to assesses the impact of information models for root cause analysis in a production environment. Our findings reveal that integrating knowledge graphs, association rule mining, and deep learning algorithms significantly improves the speed and depth of root cause analysis compared to traditional methods. Specifically, the use of neural networks in recent literature shows substantial advancements in analyzing complex datasets, facilitating large-scale data integration, and enabling automated learning capabilities. Comparing our findings with other recent studies highlights the advantages of using information modeling and deeplearning technologies in root cause analysis. This comparison underscores the superior accuracy and efficiency of these advanced methodologies over traditional manual interpretation methods. The effective implementation of these technologies requires a robust foundation of clean, standardized data, giving rise to the concept of "Production IT." Furthermore, it is crucial for this data to be openly available to facilitate academic research, thereby enabling the development of new methods for more efficient and effective root cause analysis.
Data imbalance is a common problem in breast cancer diagnosis, to address this challenge, the research explores the use of Generative Adversarial Networks (GANs) to generate synthetic medical data. Various GAN methods...
详细信息
Data imbalance is a common problem in breast cancer diagnosis, to address this challenge, the research explores the use of Generative Adversarial Networks (GANs) to generate synthetic medical data. Various GAN methods, including Wasserstein GAN with Gradient Penalty (WGAN-GP), Cycle GAN, Conditional GAN, and Spectral Normalization GAN (SNGAN), were tested for data augmentation in breast regions of interest (ROIs) using mammography and ultrasound databases. The study employed real, synthetic, and hybrid ROIs (128x128 pixels) to train a Resnet network for classifying as benign (B) or malignant (M) classes. The quality and diversity of the synthetic data were assessed using several metrics: Fre chet Inception Distance (FID), Kernel Inception Distance (KID), Structural Similarity Index (SSIM), Multi -Scale SSIM (MS-SSIM), Blind Reference Image Spatial Quality Evaluator (BRISQUE), Naturalness Image Quality Evaluator (NIQE), and Perception -based Image Quality Evaluator (PIQE).Results revealed that the SNGAN model (FID = 52.89) was most effective for augmenting mammography data, while CGAN (FID = 116.03) excelled with ultrasound data. Cycle GAN and WGAN-GP, though demonstrating lower KID values, did not perform better than SNGAN and CGAN. The lower average MS-SSIM values suggested that SNGAN and CGAN produced a high diversity of synthetic images. However, lower SSIM, BRISQUE, NIQE, and PIQE values indicated poor quality in both real and synthetic images. Classification results showed high accuracy without data augmentation in both US (93.1 %B/94.9 %M) and mammography (80.9 %B/76.9 %M). The research concludes that preprocessing and characterizing ROIs by abnormality type is crucial to generate diverse synthetic data and improve accuracy in the classification process using combined GANs and CNN models.
Consistent cross-sectional imaging is desirable to accurately detect lesions and facilitate follow-up in head computed tomography (CT). However, manual reformation causes image variations among technologists and requi...
详细信息
Consistent cross-sectional imaging is desirable to accurately detect lesions and facilitate follow-up in head computed tomography (CT). However, manual reformation causes image variations among technologists and requires additional time. We therefore developed a system that reformats head CT images at the orbitomeatal (OM) line and evaluated the system performance using real-world clinical data. Retrospective data were obtained for 681 consecutive patients who underwent non-contrast head CT. The datasets were randomly divided into one of three sets for training, validation, or testing. Four landmarks (bilateral eyes and external auditory canal) were detected with the trained You Look Only Once (YOLO)v5 model, and the head CT images were reformatted at the OM line. The precision, recall, and mean average precision at the intersection over union threshold of 0.5 were computed in the validation sets. The reformation quality in testing sets was evaluated by three radiological technologists on a qualitative 4-point scale. The precision, recall, and mean average precision of the trained YOLOv5 model for all categories were 0.688, 0.949, and 0.827, respectively. In our environment, the mean implementation time was 23.5 +/- 2.4 s for each case. The qualitative evaluation in the testing sets showed that post-processed images of automatic reformation had clinically useful quality with scores 3 and 4 in 86.8%, 91.2%, and 94.1% for observers 1, 2, and 3, respectively. Our system demonstrated acceptable quality in reformatting the head CT images at the OM line using an object detection algorithm and was highly time efficient.
The ever-increasing use of internet has opened a new avenue for cybercriminals, alarming the online businesses and organization to stay ahead of evolving thread landscape. To this end, intrusion detection system (IDS)...
详细信息
The ever-increasing use of internet has opened a new avenue for cybercriminals, alarming the online businesses and organization to stay ahead of evolving thread landscape. To this end, intrusion detection system (IDS) is deemed as a promising defensive mechanism to ensure network security. Recently, deeplearning has gained ground in the field of intrusion detection but majority of progress has been witnessed on supervised learning which requires adequate labeled data for training. In real practice, labeling the high volume of network traffic is laborious and error prone. Intuitively, unsupervised deeplearning approaches has received gaining momentum. Specifically, the advances in deeplearning has endowed autoencoder (AE) with greater ability for data reconstruction to learn the robust feature representation from massive amount of data. Notwithstanding, there is no study that evaluates the potential of different AE variants as one-class classifier for intrusion detection. This study fills this gap of knowledge presenting a comparative evaluation of different AE variants for one-class unsupervised intrusion detection. For this research, the evaluation includes five different variants of AE such as Stacked AE, Sparse AE, Denoising AE, Contractive AE and Convolutional AE. Further, the study intents to conduct a fair comparison establishing a unified network configuration and training scheme for all variants over the common benchmark datasets, NSL-KDD and UNSW-NB15. The comparative evaluation study provides a valuable insight on how different AE variants can be used as one-class classifier to build an effective unsupervised IDS. The outcome of this study will be of great interest to the network security community as it provides a promising path for building effective IDS based on deeplearning approaches alleviating the need for adequate and diverse intrusion network traffic behavior.
暂无评论