The reliability of deep neuralnetworks is critical for industrial applications as well as human safety and security. However, artificial deep neuralnetworks have been found vulnerable to multiple kinds of natural, a...
详细信息
ISBN:
(纸本)9783031723582;9783031723599
The reliability of deep neuralnetworks is critical for industrial applications as well as human safety and security. However, artificial deep neuralnetworks have been found vulnerable to multiple kinds of natural, artificial, and adversarial image perturbations. In contrast, the human visual system has a remarkable robustness against a wide range of perturbations. At present, it is still unclear what mechanisms underlie this robustness. To better understand the robustness of biologically grounded neuralnetworks, we evaluated two different biologically grounded neuralnetworks of the primate visual system for their vulnerabilities to various image perturbations. We study a rate-based neural network, which utilizes Hebbian synaptic, intrinsic, and structural plasticity within a multi-layer neocortex-like architecture that includes feedforward excitation and inhibition, lateral inhibition, as well as feedback excitation and inhibition, and a spike-based neural network that focuses on a high degree of biologically plausible excitatory as well as inhibitory spike-timing-dependent plasticity. Both networks have been trained on natural scenes and have been earlier demonstrated to learn receptive fields and response properties of the visual cortex, and perform convincingly in object recognition in common computer vision benchmarks. We examine a subset of image perturbations from the corrupted MNIST dataset (MNIST-C) with the aim to test structural different perturbations. The investigated perturbations are namely Gaussian noise and blur, contrast, rotation, frost, and multi-line distractors. We applied them on the MNIST and EMNIST dataset. We report the degradation of recognition performance at different levels of perturbation intensity and indicate the improvement of the individual layers of both considered network types in comparison to the preprocessed input (LGN) as baseline.
This paper examines the critical function of Field-Programmable Gate Arrays (FPGAs) in speeding Spiking neuralnetworks (SNNs) for real-time edge neuromorphic computing. Our work systematically evaluates the integrati...
详细信息
ISBN:
(纸本)9798350387414
This paper examines the critical function of Field-Programmable Gate Arrays (FPGAs) in speeding Spiking neuralnetworks (SNNs) for real-time edge neuromorphic computing. Our work systematically evaluates the integration of FPGA technology for the optimization and speeding of SNN models. The analysis covers the power efficiency, low latency processing, and parallelism that are intrinsic benefits of FPGAs, emphasizing their relevance for edge computing applications. We discuss the smooth transfer of trained SNN models to FPGA platforms. Using an extensive analysis of state-of-the-art architectures, we demonstrate the efficiency benefits of using FPGA to accelerate SNNs. We derive more insights into the real-world applications of this FPGA-SNN integration in various fields. The analysis supports advances in edge computing and neuromorphic processing paradigms by adding to the collective knowledge of how FPGA enhances the real-time processing capabilities of Spiking neuralnetworks.
Lung diseases are one of the most common diseases around the world. The risk of these diseases are more in under-developed and developing countries, where millions of people are battling with poverty and living in pol...
详细信息
Lung diseases are one of the most common diseases around the world. The risk of these diseases are more in under-developed and developing countries, where millions of people are battling with poverty and living in polluted air. Chest X-Ray images are helpful screening tool for lung disease detection. However, disease diagnosis requires expert medical professionals. Furthermore, in developing and under-developed nations, the doctor-to-patient ratio is comparatively poor. Deep learning algorithms have recently demonstrated promise in the analysis of medical images and the discovery of patterns. In this current work, we have proposed a model MLDC (Multi-Lung Disease Classification) to detect common lung diseases. It introduces a MLDC feature extraction model with two different new classifiers, considering ANN (an artificialneural network) and QC (a quantum classifier). In this proposed model, tests are performed on the LDD (Lung Disease Dataset), which includes COVID-19, pneumonia, tuberculosis, and a healthy person's lung from chest X-ray images. Our proposed model achieves an accuracy of 95.6% for MLDC-ANN and 97.5% for MLDC-QC at a lower computational cost.
Today, bionic models for vision applications base on the general information pathways, structure and characteristics of the visual system implemented in intelligent algorithms, mostly based on AI, to improve the resol...
详细信息
imageprocessing is a vigorous area of study that utilizes various algorithms to manipulate, analyze, and enhance digital images. image denoising is one of the crucial applications of imageprocessing. Still, the occu...
详细信息
ISBN:
(纸本)9783031686528;9783031686535
imageprocessing is a vigorous area of study that utilizes various algorithms to manipulate, analyze, and enhance digital images. image denoising is one of the crucial applications of imageprocessing. Still, the occurrence of image noise is inevitable due to various sources, including low light conditions, high ISO settings, and transmission artifacts, necessitating the availability of denoising techniques to significantly improve visual image quality. This is particularly important in fields such as computer vision, medical imaging and remote sensing. Not only does it facilitate image analysis by retaining important details, but it also optimizes the performance of compression algorithms, improves storyteller detection. In this project, we propose an in-depth study of image denoising, focusing on the use of convolutional neuralnetworks (CNNs). The problem of Gaussian noise will be treated by applying different levels of s (low sigma = 15, medium sigma = 25, and high sigma = 50). During this project, a full comparative analysis will be made with the three mainCNNarchitectures: DnCNN, RIDNet, and IRCNN, illustrative of the quantitative and qualitative experimental results obtained by these different approaches. In fact, these approaches have shown impressive performance in imageprocessing tasks, including image denoising, since they used different techniques that can be adopted in CNN, such as regularization methods, batch normalization, and residual learning.
While image segmentation is crucial in various computer vision applications, such as autonomous driving, grasping, and robot navigation, annotating all objects at the pixel-level for training is nearly impossible. The...
详细信息
While image segmentation is crucial in various computer vision applications, such as autonomous driving, grasping, and robot navigation, annotating all objects at the pixel-level for training is nearly impossible. There-fore, the study of unsupervised image segmentation methods is essential. In this paper, we present a pixel-level clustering framework for segmenting images into regions without using ground truth annotations. The proposed framework includes feature embedding modules with an attention mechanism, a feature statistics computing module, image reconstruction, and superpixel segmentation to achieve accurate unsupervised segmentation. Additionally, we propose a training strategy that utilizes intra-consistency within each superpixel, inter-similarity/dissimilarity between neighboring superpixels, and structural similarity between images. To avoid potential over-segmentation caused by superpixel-based losses, we also propose a post-processing method. Furthermore, we present an extension of the proposed method for unsupervised semantic segmentation. We conducted experiments on three publicly available datasets (Berkeley segmentation dataset, PASCAL VOC 2012 dataset, and COCO-Stuff dataset) to demonstrate the effectiveness of the proposed framework. The experimental results show that the proposed framework outperforms previous state-of-the-art methods.
Due to the inevitable light absorption and scattering, underwater images always suffer from severe quality degradation, leading to significant performance decline for various maritime engineering-related applications....
详细信息
Due to the inevitable light absorption and scattering, underwater images always suffer from severe quality degradation, leading to significant performance decline for various maritime engineering-related applications. In recent years, deep neuralnetworks (DNNs) have been proven to achieve high-quality enhancement of underwater images, which aims to extract and learn abstract features to exhibit superior performance. However, existing solutions often stack multilayer processing units to enrich features, which not only significantly burdens computational load but also encounters difficulties in fully utilizing and interacting between features at different depths. To address the above problems, this paper presents a cost-effective underwater image enhancement network via cascaded feature extraction, termed CFENet. Specifically, we develop a cost-effective cascaded structure for sufficient feature extraction and multiscale establishment of pixel-level long-range dependencies. In addition, we construct a dual-branch structure for effective feature fusion, so that the detailed texture and semantic information in the image can be simultaneously enhanced. Extensive experiments reveal the superiority of our proposed CFENet in both underwater image enhancement effects and computational complexity. Sufficient ablation study is conducted to demonstrate the effectiveness of each component in the network.
Agriculture is often known as the art and science of nurturing soil. It involves preparing plants and animals for use in products. Agriculture is the process of growing crops and rearing animals for human consumption,...
详细信息
Accurate diagnosis of plant diseases by the assessment of pathogen presence to reduce disease-related production loss is one of the most fundamental issues for farmers and specialists. This will improve product qualit...
详细信息
Accurate diagnosis of plant diseases by the assessment of pathogen presence to reduce disease-related production loss is one of the most fundamental issues for farmers and specialists. This will improve product quality, increase productivity, reduce the use of fungicides, and reduce the final cost of agricultural production. Today, new technologies such as imageprocessing, artificial intelligence, and deep learning have provided reliable solutions in various fields of precision agriculture and smart farm management. In this research, microscopic imageprocessing and machine learning have been used to identify the spores of four common tomato fungal diseases. A dataset including 100 microscopic images of spores for each disease was developed, followed by the extraction of the texture, color, and shape features from the images. The classification results using random forest revealed an accuracy higher than 98%. Besides, as a reliable feature selection algorithm, the butterfly optimization algorithm (BOA) was used to detect the effective image features to identify and classify diseases. This algorithm recognized image textural features as the most effective features in the diagnosis and classification of disease spores. Considering only the eight most effective features selected with BOA resulted in an accuracy of 95% in disease detection. To further investigate the performance of the proposed method, its accuracy was compared with the accuracies of convolutional neuralnetworks and EfficientNet as two reliable deep learning algorithms. Not only the prediction accuracy of these methods was not favorable (65 and 83.55%, respectively), they were very time-consuming. According to the findings, the proposed framework has high reliability in disease diagnosis and can help in the management of tomato fungal diseases.
Although attention mechanisms have been widely applied in natural language processing (NLP) tasks, there are still limitations in their utilization within the field of computer vision. To integrate the advantages of c...
详细信息
暂无评论