Next Article in Journal
An Embedded Software Development Framework for Internet of Things Devices
Next Article in Special Issue
Ambient Assisted Working Solutions for the Ageing Workforce: A Literature Review
Previous Article in Journal
Analytical and 3D Numerical Study of Multilayer Shielding Effectiveness for Board Level Shielding Optimization
Previous Article in Special Issue
GCT-UNET: U-Net Image Segmentation Model for a Small Sample of Adherent Bone Marrow Cells Based on a Gated Channel Transform Module
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Spike-Event X-ray Image Classification for 3D-NoC-Based Neuromorphic Pneumonia Detection

by
Jiangkun Wang
*,
Ogbodo Mark Ikechukwu
,
Khanh N. Dang
and
Abderazek Ben Abdallah
*
Graduate School of Computer Science and Engineering, The University of Aizu, Aizu-Wakamatsu 965-8580, Fukushima, Japan
*
Authors to whom correspondence should be addressed.
Electronics 2022, 11(24), 4157; https://doi.org/10.3390/electronics11244157
Submission received: 3 November 2022 / Revised: 27 November 2022 / Accepted: 5 December 2022 / Published: 13 December 2022

Abstract

:
The success of deep learning in extending the frontiers of artificial intelligence has accelerated the application of AI-enabled systems in addressing various challenges in different fields. In healthcare, deep learning is deployed on edge computing platforms to address security and latency challenges, even though these platforms are often resource-constrained. Deep learning systems are based on conventional artificial neural networks, which are computationally complex, require high power, and have low energy efficiency, making them unsuitable for edge computing platforms. Since these systems are also used in critical applications such as bio-medicine, it is expedient that their reliability is considered when designing them. For biomedical applications, the spatio-temporal nature of information processing of spiking neural networks could be merged with a fault-tolerant 3-dimensional network on chip (3D-NoC) hardware to obtain an excellent multi-objective performance accuracy while maintaining low latency and low power consumption. In this work, we propose a reconfigurable 3D-NoC-based neuromorphic system for biomedical applications based on a fault-tolerant spike routing scheme. The performance evaluation results over X-ray images for pneumonia (i.e., COVID-19) detection show that the proposed system achieves 88.43% detection accuracy over the collected test data and could be accelerated to achieve 4.6% better inference latency than the ANN-based system while consuming 32% less power. Furthermore, the proposed system maintains high accuracy for up to 30% inter-neuron communication faults with increased latency.

1. Introduction

Artificial intelligence (AI) has in recent years been increasingly used across several fields. In healthcare specifically, deep learning (DL) models are being employed for applications such as timely detection of anomalies in patient health monitoring [1], lung ultrasonography classification [2], and most recently in the ongoing efforts to combat the raging COVID-19 pandemic through detection and diagnosis [3,4]. A common approach to meet computing requirements for such applications is to deploy DL models on cloud computing platforms [5]. However, some of these applications require secure real-time analysis of generated medical data [6,7,8], which subjects them to security [9] and latency [10] issues and makes them unsuitable for deployment. Although they still provide a viable approach to meet the low-latency [11], privacy-preserving [10], and security [12] requirements [13], edge computing devices find it challenging to meet the computation, memory, and power requirements of deep neural networks (DNNs) [14]. Despite conventional ANNs’ impressive performance in various applications, they are computationally complex and power-hungry [15], thus making them less suitable to be deployed on edge computing platforms. However, the spiking neural network (SNN), which has been demonstrated to be more energy efficient [16] with the right information encoding scheme, can be used to achieve fast, energy-efficient, and real-time information processing for edge applications.
Compared to the conventional ANN, the computing principle of the SNN is more analogous to the brain, where communication among neurons is carried out in an event-driven manner. The operations of a simple leaky-integrate-and-fire (LIF) spiking neuron model can be characterized by the accumulation of weighted input, leak, and firing of action potentials triggered when the value of the membrane potential crosses a certain threshold. Given a sparse input spike train, the power consumption of SNNs is significantly reduced compared to ANNs. As shown in Figure 1, spike events are encoded in binary, and the processing involves only accumulation. Conventional ANN data are real static values that require multiply-accumulate (MAC) operations. SNNs, when implemented on hardware, tend to exploit parallelism and speed to achieve rapid and energy-efficient processing [17] for DL applications. The field-programmable gate array (FPGA) [18] is a prevalent hardware platform that has gained attention for edge computing due to its reconfigurability, cost, and energy efficiency.
For the COVID-19 pandemic, which started at the end of 2019, countries worldwide have been channelling a lot of resources into many fields, including bio-medicine, with the hope of combating the menace strongly. With these efforts, the use of DL-based systems on edge computing platforms for rapid diagnosis/detection has drawn quite some interest in the biomedical engineering community. Deep learning models such as SNNs can be used to develop a reconfigurable 3D-NoC-based neuromorphic system suitable for pneumonia (COVID-19) detection for edge computing platforms.

Background

The computational complexity of deep learning models poses a challenge in edge applications; however, the brain’s unique nature of information encoding makes it possible to achieve high energy efficiency. As the size of brain-mimic models such as SNN increases, the goal for effective communication among neurons becomes a challenge [20,21]. By integrating neuromorphic systems with 3D network-on-chip communication infrastructure, a highly scalable energy-efficient architecture suitable for biomedical applications can be realized.
By the end of 2019, the coronavirus disease caused by the COVID variant SARS-CoV-2, renamed COVID-19, began disrupting and affecting every aspect of life globally. As of August 2022, the number of cases reported is more than 578 million globally, with over 6 million deaths [22]. Detecting using efficient rapid diagnosis methods and isolating infected patients is one primary key to fighting the spread of the disease. The rapid diagnosis method uses the reverse transcription polymerase chain reaction (RT-PCR) technology which tests for genetic materials of the SARS-CoV-2 virus in upper respiratory specimens collected from patients. The sensitivity of this method ranges from 60% to 97% [23]. However, due to significant variations among different patients, the detection sensitivity is reduced to 60–71% [24]. Additionally, symptomatic patients and asymptomatic carriers may give false-negative results, which may mislead and pose a significant threat to public health safety.
Although test using this technology can be performed in batches, the samples to be tested is collected manually from test results. Another approach to test for the disease is to analyze lung X-ray images of patients, which has an accuracy range of 80 to 90% [25]. This approach requires doctors to examine the lung X-ray images of patients one at a time and combine the result with the patient’s physical condition to complete a diagnosis. Nevertheless, with the rate of increase in the number of reported cases of COVID-19, this approach has become ineffective as it lacks quick response, reporting, and privacy security, which are essential requirements for patient treatment. In addressing these issues, computer-aided diagnosis systems that leverage deep neural networks (DNNs) have been considered as potential solutions [26,27]. However, typical medical institutions generally do not use power-efficient systems with enough computing resources for large-scale diagnoses. In addition, traditional biomedical information security measures conflict with distributed learning mechanisms making it challenging to aggregate diagnostic models of multiple medical institutions to improve detection accuracy and speed. Additionally, it becomes challenging to implement online reporting and response mechanisms to cooperate with the government. In this regard, clinicians and researchers have made great efforts to find alternative means to complement existing methods towards improving diagnostic accuracy in the detection/diagnosis of COVID-19.
DNNs consist of several densely connected layers, which enables them to achieve astounding variability that can be used for precise inference through training. Unfortunately, because they are also based on conventional ANNs, they are unsuitable to be used on edge computing platforms [28]. It is of essence to consider the need for efficient resource utilization [15], the goal towards achieving green AI [29], and low-power for satisfactory inference [30] while deploying DNNs for any application.
In our previous work, we proposed an AI-Enabled Real-time Biomedical System (AIRBiS-1) [31,32] for pneumonia (i.e., COVID-19) detection and health monitoring. It consists of a high-performance, reconfigurable inference AI chip with a robust collaborative-learning mechanism for privacy preservation and an interactive user interface for operation and effective monitoring. Although AIRBiS-1 achieved high accuracy in COVID-19 detection using a conventional ANN model, it is less suitable to be deployed for edge-based detection and monitoring due to the computational complexity and high power consumption of ANN models. In order to address this issue, we proposed in [33] an efficient pneumonia detection method in chest x-ray images based on a neuromorphic spiking neural network in software. This work extends our previous work by proposing a reconfigurable 3D-NoC-based neuromorphic system for biomedical applications based on [17] and evaluating it using X-ray images by performing COVID-19 detection/diagnosis.
The main contributions of this work are summarized as follows:
  • A reconfigurable 3D-NoC-based neuromorphic system for biomedical applications based on a fault-tolerant spike routing mechanism.
  • A comprehensive evaluation of the proposed system with a detailed comparison with other state-of-the-art approaches.
The rest of this paper is organized as follows. Section 2 reviews related works. Section 3 presents the proposed system. Section 4 provides comprehensive results from an evaluation of the proposed system, and in Section 5, we present the conclusion and future work.

2. Related Works

This section presents a survey of other approaches for computer-aided pneumonia detection. Figure 2 shows a summary of COVID-19 detection methods on various computing platforms.

2.1. Software-Based Approaches

Asraf et al. [27] surveyed the application of deep learning in the fight against COVID-19, including predicting protein structure, accelerating drug discovery, and infection detection based on medical images. The work in [49] collected a dataset, preprocessed it, and evaluated the accuracy of several CNNs (convolutional neural networks). Although the result of this study is promising, the method is limited to a small dataset, and the neural network model is not scalable. Mosley [26] described the RT-PCR and serological detection methods, which put huge pressure on the medical system and face cost and accuracy challenges. The origin, diagnosis, treatment, and other aspects of COVID-19 are discussed in [35]. The clinical manifestations of COVID-19 are extensive, but the symptoms and signs remain based on individual differences. A chest CT scan for infection detection is not recommended, but it may help detect complications. The work in [50] investigated the diagnostic value and consistency of chest CT scan and RT-PCR test methods in diagnosing COVID-19. Mustafa and Rahimi Azghadi [51] surveyed the development of AutoML technology and its applications in healthcare to assist the AI community in implementing automated learning of medical notes and reduce their over-reliance on human knowledge in the training process of machine learning.

2.2. Hardware-Based Approaches

To achieve rapid diagnosis/detection, other works have considered deploying accelerated DL diagnosis systems on edge platforms. A CT-based COVID-19 diagnosis and monitoring framework called ComputeCOVID19+ was proposed in [52] and accelerated across a multitude of heterogeneous platforms, including multi-core CPU, many-core GPU, and FPGA. The work in [53] proposed a COVID-19 detection algorithm using in-depth features and discrete social learning particle swarm optimization on edge platforms. The authors first used a pre-trained ResNet18 to extract features from CXR images and then used a discrete social learning particle swarm optimization algorithm to select features and a support vector to classify the images. A novel normalization algorithm using a CNN was proposed in [54] and implemented on FPGA to facilitate the pre-assessment of COVID-19.

3. System Architecture

A high-level view of the proposed (reconfigurable neuromorphic) biomedical system is described in Figure 3. It is based on our previously proposed fault-tolerant scalable 3D-NoC-based neuromorphic processor [55]. Its components include convolution cores, spiking neuron processing cores (SNPCs), and a fault-tolerant 3-dimensional router (FT-3DR) arranged in 2D mesh topologies and stacked to form a 3D mesh architecture. The convolution cores are tasked with extracting the features required for detecting pneumonia from X-ray images, while the SNPC analyzes the extracted features to detect if pneumonia is present or not. Communication between the convolution and spiking neuron processing cores is done via the FT-3DR. The rest of this section describes each of these components in detail.

3.1. Convolution Core

The architecture of the convolution cores is described in Figure 4. It consists mainly of a convolution and a pooling unit. The convolution contains a strider, kernel memory, and a controller. In contrast, the pooling unit contains a max pool unit, a register for storing the max, and a threshold for generating spikes from the accumulated max feature. A CXR image is first encoded into spikes using a single spike coding scheme and then sent to the convolution. At the convolution, the strider receives the spike-encoded CXR image over several time steps in 2-dimensional (2D) form and then flattens them. Using the size of the convolution filter, the strider selects from the flattened spike-encoded CXR image pixel values that match the position and size of a kernel stride. The selected pixel values are concatenated as an array such that their length is the same as that of a kernel when flattened. This length also corresponds to the depth of the kernel memories. One-hot operation is performed on the concatenated pixel values to determine pixels with spikes. The indexes of those pixels are then sent as memory addresses to the kernel memories to fetch the kernel weights stored at those addresses. After the weights are fetched, they are fed to the integrators. The number of these integrators corresponds to all kernels’ total number of channels. When all the kernel weights associated with a single stride have been integrated, the integrated potential value is stored in a register representing the stride in the feature map. This process is repeated until all strides on the spike-encoded CXR image are completed, and a potential feature map for each kernel is generated. Afterward, the max pooling operation begins. All operations in the convolution core are managed by its control unit.
To perform the pooling operation, the strider performs a similar operation as with the convolution; however, the size of the pooling window is used to stride on the potential feature map. Within each pooling window, the potential with the highest value is added to the value of the potential register. The total value in the potential register is then compared with a threshold value, and if it exceeds a certain threshold, a spike is released and affixed to a position on the pooling operation output spike feature map corresponding to the stride. Afterward, the value of the potential register is reset to zero. No spike is generated if the potential value does not exceed the threshold. This operation is done in parallel on each potential feature map from the convolution. Depending on the SNN structure, if the next layer is a convolutional layer, the spike feature map generated by the pooling layer is sent to a convolution core, and the process is repeated until the next layer is fully connected to the spiking neuron processing core.

3.2. Spiking Neuron Processing Core

The SNPC is described in Figure 5, which is based on our previous work [17,55], consists of an array of leaky integrate and fire (LIF) neurons, a synapse crossbar, a synapse memory that represents the synaptic connection among the LIF neurons, and a control unit. The synapse memory stores the weights of the synaptic connection among the neurons, and the control unit manages the operations of the SNPC. When a spike is received at the SNPC, the spike feature map generated by the pooling layer is sent to the synapse crossbar, where it is analyzed for spike presence using a one-hot mechanism. If spikes are present, the indexes of the spikes in the spike feature map are used as the memory address of the associated synapses whose weights are stored in the synapse memory. Those synapse weights are then fetched from the synapse memory and sent to the corresponding post-synaptic neurons. The neurons accumulate the weighted input spikes and apply a leak operation that decays the value of the membrane potential. The accumulated resulting value is then stored in a register.
To mimic the leak current found in the neural membrane, the neuron receives a set leak value that causes decay in the membrane potential value when the leak is activated. When the value of the accumulated membrane voltage exceeds the set threshold, a 1-bit output spike is fired, and a signal is sent to the register to reset the value of the membrane voltage to zero and begin the refractory period. While in refractory, the neuron does not accumulate weighted input spikes. However, the refractory count gradually counts down every time step from the set refractory period to 0, and afterward, the neuron can accumulate weighted input spikes again. The accumulation of weighted presynaptic spikes as described in [57] is shown below:
V j l ( t ) = V j l ( t 1 ) + i w i j * x i l 1 ( t 1 ) λ
where V j l is the membrane potential of a LIF neuron j in layer l at a time-step t. w i j is the synaptic weight from neuron i to j, λ is the leak, and x i l 1 is a pre-synaptic spike from the previous layer l 1 .
When input spikes are integrated, the value of V j l at a timestep is compared with the threshold value θ . If it exceeds, a spike (s) is released ( s = 1 ), and the neuron resets. This is mathematically expressed in [17] as follows:
s = 1 , if V j l > θ 0 , if V j l < θ

3.3. Fault-Tolerant Multicast 3D Router

The fault-tolerant multicast 3D router, as described in Figure 6, routes spikes/packets in the system. Its design is based on [58,59]. The router has seven pairs of input–output ports. One pair connects to the local core, four pairs connect to neighboring routers in the north, east, south, and west direction using the intra-layer links, and the two remaining pairs connect to the up-and-down routers of the closest layers through TSVs. Each FTMC-3DR routes multicast packets in four pipeline stages. The first stage is buffer writing (BW), where the packet received is stored in the port’s input buffer. The second pipeline stage is routing calculation (RC), where the source address of the stored packet is obtained and used to derive the address in the X, Y, or Z dimension. After this address is derived, the switch allocator (SA), which handles a stall/go flow control, and the matrix arbitration (matrix-arbiter scheduler) are triggered in the third stage to allocate the correct port to the next router or local SNPC. After the correct output port has been allocated, the fourth stage, crossbar traversal (CT), begins, where the packet traverses the crossbar to the allocated output port. Using a fault-tolerant shortest path k-means-based multicast routing algorithm (FTSP-KMCR) [59], the router can efficiently route packets from source to destination cores but is also able to handle permanent faults that may occur in the communication link between the cores. It does this by providing backup routes which enable faulty links to be bypassed during packet routing.

4. Evaluation

This section first provides the evaluation methodology for the proposed 3D-NoC-based neuromorphic pneumonia detection system. Then, it shows the detection accuracy on the chest X-ray dataset. In the following part, we evaluate the hardware complexity and fault-tolerant performance. Finally, we compare the results with existing works in terms of accuracy, inference time, and power consumption.

4.1. Evaluation Methodology

The proposed system is modeled and trained off-chip using back propagation spike-driven learning on the snnTorch simulation [60] framework with rate spike encoding. The rate encoding strategy is used to convert the X-ray images into time-varying spikes of different frequencies and to teach the final layer of the SNN how to respond to different input X-ray images. This way, the correct classes are encouraged to fire more frequently, and the incorrect classes to fire less. The gradient through the SNN is calculated backward through different paths from the loss to all synaptic weights and then summed before the weights are adapted. With the output spikes being discrete events, large perturbations of the membrane potential around the threshold are required to generate more spikes, which will keep the gradient of the SNN output at zero, and the synaptic weights cannot be adapted. However, by applying the target to the membrane potential, spiking can be promoted. This will ensure a strong gradient when there is a wrong classification. The hardware platform was designed on a Xilinx Zynq UltraScale+ MPSoC ZCU102 board using Verilog HDL, Xilinx’s EDA suite (Vivado), and Cadence EDA tools. For ASIC implementation, the NANGATE 45 nm open-cell library [61] was used as the standard cells, OpenRAM [62] for generating the system memory, and TSV from FreePDK3D45 [63].
The SNN model summarized in Table 1 was trained using lung X-ray image dataset [64] from Kaggle [65]. The dataset is described in Table 2. It has 34,060 training images, of which 50.25% are COVID-positive and 42% are augmented (COVID (Augmented)) to increase the dataset size. After training, the trained weights were mapped on-chip for inference. To evaluate the proposed system for accuracy, average inference time, and fault tolerance, we use a lung X-ray image testing dataset with 1400 images, of which 50% are COVID-positive, as shown in Table 2. We also evaluate the design complexity regarding power consumption, area, and fault tolerance and compare the results with AIRBiS-1 [31] (ANN-based) and other existing works.

4.2. Diagnosis/Detection Evaluation

The SNN diagnosis/detection model, as summarized in Table 1, consists of two convolution layers, each having max-pooling and leaky layers along with a linear layer. The first convolution layer receives encoded lung x-ray images and extracts the required features according to the number of kernels. The extracted features are then sent to the max pool layer to reduce the size of the feature maps. Afterward, the output of the pooling unit is sent to the leaky layer, which encodes the max pool features into spikes by accumulating the values of the max pool features over various time steps and checking if they have exceeded a set threshold. The generated spike-encoded features are sent to the second convolution layer, which repeats the same process. The resulting spike feature from the second convolution layer is flattened and sent to the linear layer, which classifies them either as normal or infected.
To perform inference, the SNN model was mapped to a 3 × 3 × 3 NoC architecture using a layer-layer-based mapping as described in Figure 7. With a total of 16 kernels, each having a single channel, the first convolution layer, together with its pooling and leaky operations, is mapped on the convolution cores in the first layer of the proposed system. Two kernels each were mapped to seven of the convolution cores and one kernel each on the two remaining cores. The second convolution layer, which consists of 32 kernels with 16 channels each, was mapped to the second layer of the system. Four kernels were mapped to seven convolution cores, making a total of twenty-eight kernels, and two kernels were mapped on each of the remaining two cores. Finally, the fully connected layer with two LIF neurons that classify the X-ray image as either infected or normal is mapped to two SNPC cores on the third layer of the proposed system. The SNN model achieved an inference accuracy of 88.43% with images encoded at 25 timesteps per X-ray image. The ANN-based system (AIRBiS-1) on the other hand, achieved an accuracy of 94.4%, as calculated using Equation (3) [31] below.
Accuracy = T P + T N T P + F N + F P + T N × 100 %

4.3. Hardware Complexity Evaluation

Table 3 shows the FPGA resource utilization of the proposed system alongside the ANN-based (AIRBiS-1) system. The proposed system utilized 9.9% of the lookup table (LUT), 1.28% of the LUTRAM, 6.7% flip flop (FF), and 4.45% of BUFG. Compared to the ANN-based system, the proposed system utilizes significantly fewer resources due to its reduced complexity in terms of binary input values, which enables lesser bandwidth and storage compared to the ANN-based system. Secondly, the proposed system requires no multiplication operation, which is in contrast to the ANN-based system.
With an area of 0.0748 mm 2 , the proposed system’s convolution core has less area than the ANN-based system, which has 0.0755 mm 2 . This difference in area is due to the inclusion of the multiply operation and the fixed point representation of input required for the ANN-based convolution. At the same time, the proposed system utilizes binary input and no multiplication operation. The power consumption of both convolution cores follows a similar trend, with the convolution core of the proposed system consuming less power at 0.007 mW compared to the ANN-based, which has 0.011 mW.
SNPC fully connects the proposed system’s layers, while a multiply-accumulate (MAC) core connects the ANN model for the ANN-based system. For a fair comparison, we included 256 MAC units in the MAC core to match the 256 LIF neurons of the SNPC. The area and power consumption of the proposed system are 1.325 mm 2 and 0.007 mW, respectively; however, they are significantly less than that of the ANN-based system, which is 1.434 mm 2 and 0.011 mW, respectively. This trend also occurs due to the higher complexity in the ANN-based system’s MAC unit compared to the proposed system’s LIF unit.
To classify a single X-ray image at 100 MHz, the proposed system utilizes an average inference time of 41 ms. As shown in Figure 8, 35.9% of this time is utilized by the first convolution layer, 7.9% by the second convolution layer, 6.6% by the SNPC, and 49.6% when receiving the input data. As seen in Figure 9a, inference with a smaller number of timesteps yields lower accuracy, and even increasing the number of timesteps beyond 25 does not increase the accuracy. For the ANN-based system, it takes about 43 ms to classify an X-ray image at 100 MHz, which is a higher classification latency compared to the proposed system.
Figure 9b describes the fault-tolerant evaluation of the proposed system. The simulation was performed using a spike injection rate of 9. This is because using a lower spike injection rate requires spike packets from all nine layer cores to be sent at once over a shorter cycle, which will cause some packets to be dropped. The proposed system can maintain its detection accuracy with up to 30% of fault in the communication links. However, spike communication latency increased drastically as the fault rate increased from 5% to 30% due to increased spike packets that had to bypass the faulty link to take the backup path. However, the increase in fault rate does not affect the throughput of the system, which remains the same irrespective of the fault rate. Exceeding a fault rate of 30%, however, causes many packets to be dropped as there are not enough paths to get packets to their destination.

4.4. Comparison with Existing Works

Table 4 shows a detailed comparison of results obtained from the proposed system with other existing works. The work in [66] utilized an SNN with an X-ray image size of 256 × 256 and achieved an accuracy of 78%. In [33], an SNN was also utilized with X-ray images of size 64 × 64 and achieved an accuracy of 80.7%. Both works, however, achieved lower accuracy compared to the proposed work, which is 88.43%. The difference in accuracy could be attributed to the SNN architecture, which is smaller for both works. Furthermore, both systems were implemented in software and did not provide information about power consumption. The work in [67] utilized 224 × 224 X-ray images. However, an ANN model was used, and it achieved less accuracy than the proposed system. Compared to our previously proposed work AIRBiS-1 [31], which is the same as the evaluated ANN-based model that we evaluated, a similar dataset was used, and a higher accuracy of 94.4% was achieved. However, the proposed system consumes less power, area, and lower inference time, as described in Section 4.3.

5. Conclusions

This work presents a reconfigurable fault-tolerant 3D-NoC-based neuromorphic system for biomedical applications targeted for pneumonia (i.e., COVID-19) detection in chest X-ray images. The system achieves energy-efficient information processing and fault tolerance by leveraging the event-driven information processing in SNNs and relying on a fault-tolerant spike routing scheme. Evaluation results show that the proposed system consumes 32% less power and requires about 4.6% less time for inference with a minor classification accuracy degradation than the ANN-based system. Compared with other existing works, the proposed system achieves higher accuracy and can remain functioning with up to 30% inter-neuron communication faults with increased latency. With the increasing need for continuous adaption to the dynamic user and environment features, progressive task exigences, and privacy, learning on the edge has become imperative. This has prompted the need for neuromorphic systems deployed for edge applications to support on-chip learning. The proposed system, however, currently does not enable on-chip learning, and addressing this will provide a guideline for future work, which would require exploring learning algorithms that would enable efficient on-chip learning. Considering that the main aspects of designing neuromorphic systems involve methods that effectively exploit the spatio-temporal and sparse activation feature of SNNs, the choice of the spike encoding scheme, which has been shown to affect the classification accuracy, robustness, processing latency, synaptic operations, area, and power consumption of a neuromorphic system, has to be rightly chosen [68]. Choosing the right spike encoding scheme, however, depends on the top requirements of an application, which could be accuracy, resilience to noise, network compression, or robustness. Therefore, future works will also include exploring other methods of spike encoding schemes that could improve the system’s accuracy and overall system efficiency.

6. Patents

A. Ben Abdallah, H. Huang, N. K. Dang, J. Song, ”AI Processor”, Nbr. 2020-194733, Provisional Patent, 24 November 2020.

Author Contributions

Conceptualization, J.W., O.M.I. and A.B.A.; Data curation, J.W. and O.M.I.; Formal analysis, J.W.; Funding acquisition, A.B.A.; Investigation, J.W. and O.M.I.; Methodology, J.W., O.M.I. and K.N.D.; Project administration, J.W. and A.B.A.; Resources, J.W.; Software, J.W. and O.M.I.; Validation, J.W. and O.M.I.; Writing—original draft, J.W. and O.M.I.; Writing—review and editing, J.W., O.M.I., K.N.D. and A.B.A. All authors have read and agreed to the published version of the manuscript.

Funding

This work is partially supported by the University of Aizu Competitive Research funding, Ref. 2021-P6 and 2022-P7.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AIRBiSAI-Enabled Real-time Bio-System
AIArtificial Intelligence
ANNArtificial Neural Network
AXIAdvanced eXtensible Interface
BRAMBlock Random-Access Memory
BWBuffer Writing
CADxComputer-Aided Diagnosis
CLBConfigurable Logic Block
CNNConvolutional Neural Network
COVID-19Coronavirus Disease 2019
CPUCentral Processing Unit
CXRChest X-ray
DLDeep Learning
DMADirect Memory Access
DNNDeep Neural Network
DSPDigital Signal Processing
FFFlip Flop
FLOPsFloating-Point Operations
FPGAField-Programmable Gate Array
FT-3DRFault-Tolerant 3-Dimensional Router
FTSPFault-Tolerant Shortest Path
GOPSGiga Operations Per Second
GPUGraphic Processing Unit
GUIGraphical User Interface
IIDIndependent and Identically Distributed
IoTInternet of Things
KMCRK-means-based Multicast Routing Algorithm
LUTLook-Up Tables
MACCMultiply-Accumulate operations
NoCNetwork-on-Chip
PLProgrammable Logic
PSProcessing System
RAMRandom Access Memory
ReLURectified Linear Units
SNNSpiking Neural Network
SNPCSpiking Neuron Processing Core

References

  1. Vu, T.H.; Murakami, R.; Okuyama, Y.; Ben Abdallah, A. Efficient Optimization and Hardware Acceleration of CNNs towards the Design of a Scalable Neuro inspired Architecture in Hardware. In Proceedings of the 2018 IEEE International Conference on Big Data and Smart Computing (BigComp), Shanghai, China, 15–17 January 2018; pp. 326–332. [Google Scholar] [CrossRef]
  2. Roy, S.; Menapace, W.; Oei, S.; Luijten, B.; Fini, E.; Saltori, C.; Huijben, I.; Chennakeshava, N.; Mento, F.; Sentelli, A.; et al. Deep learning for classification and localization of COVID-19 markers in point-of-care lung ultrasound. IEEE Trans. Med. Imaging 2020, 39, 2676–2687. [Google Scholar] [CrossRef] [PubMed]
  3. Yaseliani, M.; Hamadani, A.Z.; Maghsoodi, A.I.; Mosavi, A. Pneumonia Detection Proposing a Hybrid Deep Convolutional Neural Network Based on Two Parallel Visual Geometry Group Architectures and Machine Learning Classifiers. IEEE Access 2022, 10, 62110–62128. [Google Scholar] [CrossRef]
  4. Yamac, M.; Ahishali, M.; Degerli, A.; Kiranyaz, S.; Chowdhury, M.E.H.; Gabbouj, M. Convolutional Sparse Support Estimator-Based COVID-19 Recognition From X-ray Images. IEEE Trans. Neural Netw. Learn. Syst. 2021, 32, 1810–1820. [Google Scholar] [CrossRef] [PubMed]
  5. Lie, W.; Jiang, B.; Zhao, W. Obstetric Imaging Diagnostic Platform Based on Cloud Computing Technology Under the Background of Smart Medical Big Data and Deep Learning. IEEE Access 2020, 8, 78265–78278. [Google Scholar] [CrossRef]
  6. Ahmed, I.; Jeon, G.; Piccialli, F. A Deep-Learning-Based Smart Healthcare System for Patient’s Discomfort Detection at the Edge of Internet of Things. IEEE Internet Things J. 2021, 8, 10318–10326. [Google Scholar] [CrossRef]
  7. Almutairi, M.; Gabralla, L.A.; Abubakar, S.; Chiroma, H. Detecting Elderly Behaviors Based on Deep Learning for Healthcare: Recent Advances, Methods, Real-World Applications and Challenges. IEEE Access 2022, 10, 69802–69821. [Google Scholar] [CrossRef]
  8. Zhou, X.; Liang, W.; Wang, K.I.K.; Wang, H.; Yang, L.T.; Jin, Q. Deep-Learning-Enhanced Human Activity Recognition for Internet of Healthcare Things. IEEE Internet Things J. 2020, 7, 6429–6438. [Google Scholar] [CrossRef]
  9. Alouffi, B.; Hasnain, M.; Alharbi, A.; Alosaimi, W.; Alyami, H.; Ayaz, M. A Systematic Literature Review on Cloud Computing Security: Threats and Mitigation Strategies. IEEE Access 2021, 9, 57792–57807. [Google Scholar] [CrossRef]
  10. Wang, F.; Zhang, M.; Wang, X.; Ma, X.; Liu, J. Deep Learning for Edge Computing Applications: A State-of-the-Art Survey. IEEE Access 2020, 8, 58322–58336. [Google Scholar] [CrossRef]
  11. Wang, X.; Han, Y.; Leung, V.C.M.; Niyato, D.; Yan, X.; Chen, X. Convergence of Edge Computing and Deep Learning: A Comprehensive Survey. IEEE Commun. Surv. Tutorials 2020, 22, 869–904. [Google Scholar] [CrossRef] [Green Version]
  12. Cao, K.; Hu, S.; Shi, Y.; Colombo, A.W.; Karnouskos, S.; Li, X. A Survey on Edge and Edge-Cloud Computing Assisted Cyber-Physical Systems. IEEE Trans. Ind. Inf. 2021, 17, 7806–7819. [Google Scholar] [CrossRef]
  13. Chen, J.; Ran, X. Deep Learning With Edge Computing: A Review. Proc. IEEE 2019, 107, 1655–1674. [Google Scholar] [CrossRef]
  14. Zhang, M.; Zhang, F.; Lane, N.D.; Shu, Y.; Zeng, X.; Fang, B.; Yan, S.; Xu, H. Deep learning in the era of edge computing: Challenges and opportunities. In Fog Computing: Theory and Practice; Wiley: Hoboken, NJ, USA, 2020; pp. 67–78. [Google Scholar]
  15. Strubell, E.; Ganesh, A.; McCallum, A. Energy and Policy Considerations for Deep Learning in NLP. arXiv 2019, arXiv:1906.02243. [Google Scholar]
  16. Sorbaro, M.; Liu, Q.; Bortone, M.; Sheik, S. Optimizing the Energy Consumption of Spiking Neural Networks for Neuromorphic Applications. Front. Neurosci. 2020, 14, 662. [Google Scholar] [CrossRef] [PubMed]
  17. Ogbodo, M.; Vu, T.; Dang, K.; Abdallah, A. Light-Weight Spiking Neuron Processing Core for Large-Scale 3D-NoC Based Spiking Neural Network Processing Systems. In Proceedings of the 2020 IEEE International Conference on Big Data and Smart Computing (BigComp), Busan, Korea, 19–22 February 2020; pp. 133–139. [Google Scholar] [CrossRef]
  18. Xu, C.; Jiang, S.; Luo, G.; Sun, G.; An, N.; Huang, G.; Liu, X. The Case for FPGA-Based Edge Computing. IEEE Trans. Mob. Comput. 2022, 21, 2610–2619. [Google Scholar] [CrossRef]
  19. Ikechukwu, O.M. On the Design of Adaptive Digital Neuromorphic System. Ph.D. Thesis, University of Aizu, Aizu, Japan, 2022. [Google Scholar]
  20. Wijesinghe, P.; Ankit, A.; Sengupta, A.; Roy, K. An All-Memristor Deep Spiking Neural Computing System: A Step Toward Realizing the Low-Power Stochastic Brain. IEEE Trans. Emerg. Top. Comput. Intell. 2018, 2, 345–358. [Google Scholar] [CrossRef]
  21. Xia, Q.; Yang, J.J. Memristive crossbar arrays for brain-inspired computing. Nat. Mater. 2019, 18, 309–323. [Google Scholar] [CrossRef]
  22. Coronavirus Update (Live) from COVID-19 Virus Pandemic— Worldometer. Available online: https://www.worldometers.info/coronavirus/ (accessed on 20 August 2022).
  23. Ai, T.; Yang, Z.; Hou, H.; Zhan, C.; Chen, C.; Lv, W.; Tao, Q.; Sun, Z.; Xia, L. Correlation of chest CT and RT-PCR testing for coronavirus disease 2019 (COVID-19) in China: A report of 1014 cases. Radiology 2020, 296, E32–E40. [Google Scholar] [CrossRef] [Green Version]
  24. Fang, Y.; Zhang, H.; Xie, J.; Lin, M.; Ying, L.; Pang, P.; Ji, W. Sensitivity of chest CT for COVID-19: Comparison to RT-PCR. Radiology 2020, 296, E115–E117. [Google Scholar] [CrossRef]
  25. Harmon, S.A.; Sanford, T.H.; Xu, S.; Turkbey, E.B.; Roth, H.; Xu, Z.; Yang, D.; Myronenko, A.; Anderson, V.; Amalou, A.; et al. Artificial intelligence for the detection of COVID-19 pneumonia on chest CT using multinational datasets. Nat. Commun. 2020, 11, 1–7. [Google Scholar] [CrossRef]
  26. Mosley, M. COVID-19: What You Need to Know About the Coronavirus and the Race for the Vaccine; Short Books Ltd.: London, UK, 2020; OCLC: 1180152280. [Google Scholar]
  27. Asraf, A.; Islam, M.Z.; Haque, M.R.; Islam, M.M. Deep Learning Applications to Combat Novel Coronavirus (COVID-19) Pandemic. SN Comput. Sci. 2020, 1, 1–7. [Google Scholar] [CrossRef] [PubMed]
  28. Goel, A.; Tung, C.; Lu, Y.; Thiruvathukal, G.K. A Survey of Methods for Low-Power Deep Learning and Computer Vision. In Proceedings of the 2020 IEEE 6th World Forum on Internet of Things (WF-IoT), New Orleans, LA, USA, 2–16 June 2020. [Google Scholar]
  29. Schwartz, R.; Dodge, J.; Smith, N.A.; Etzioni, O. Green AI. Commun. ACM 2020, 63, 54–63. [Google Scholar] [CrossRef]
  30. Alyamkin, S.; Ardi, M.; Berg, A.C.; Brighton, A.; Chen, B.; Chen, Y.; Cheng, H.; Fan, Z.; Feng, C.; Fu, B.; et al. Low-Power Computer Vision: Status, Challenges, Opportunities; Purdue University: West Lafayette, IN, USA, 2019. [Google Scholar]
  31. Wang, J.; Nakamura, M.; Abdallah, A.B. Efficient AI-Enabled Pneumonia Detection in Chest X-ray Images. In Proceedings of the 2022 IEEE 4th Global Conference on Life Sciences and Technologies (LifeTech), Osaka, Japan, 7–9 March 2022; pp. 470–474. [Google Scholar] [CrossRef]
  32. Abdallah, A.B.; Huang, H.; Dang, N.K.; Song, J. AI Processor. Japanese Patent Application. Laid-Open No. 2020-194733, 24 November 2020. [Google Scholar]
  33. Fukuchi, T.; Ogbodo, M.I.; Wang, J.; Dang, K.N.; Ben Abdallah, A. Efficient pneumonia detection method and implementation in chest X-ray images based on a neuromorphic spiking neural network. In Computational Collective Intelligence; Lecture Notes in Computer Science; Springer International Publishing: Cham, Switzerland, 2022; pp. 311–321. [Google Scholar]
  34. Muhammad, L.; Algehyne, E.A.; Usman, S.S.; Ahmad, A.; Chakraborty, C.; Mohammed, I. Supervised Machine Learning Models for Prediction of COVID-19 Infection using Epidemiology Dataset. SN Comput. Sci. 2020, 2, 1–13. [Google Scholar] [CrossRef] [PubMed]
  35. Bell, D.J. COVID-19 | Radiology Reference Article. 2020. Available online: Radiopaedia.org (accessed on 4 December 2022).
  36. Narin, A.; Kaya, C.; Pamuk, Z. Automatic detection of coronavirus disease (COVID-19) using x-ray images and deep convolutional neural networks. arXiv 2020, arXiv:2003.10849. [Google Scholar] [CrossRef] [PubMed]
  37. Soares, L.P.; Soares, C.P. Automatic detection of COVID-19 cases on X-ray images using convolutional neural networks. arXiv 2020, arXiv:2007.05494. [Google Scholar]
  38. McMahan, B.; Moore, E.; Ramage, D.; Hampson, S.; y Arcas, B.A. Communication-efficient learning of deep networks from decentralized data. In Proceedings of the Conference on Artificial Intelligence and Statistics PMLR, Fort Lauderdale, FL, USA, 20–22 April 2017; pp. 1273–1282. [Google Scholar]
  39. Li, T.; Sahu, A.K.; Talwalkar, A.; Smith, V. Federated learning: Challenges, methods, and future directions. IEEE Signal Process. Mag. 2020, 37, 50–60. [Google Scholar] [CrossRef]
  40. Wang, Z.; Ogbodo, M.; Huang, H.; Qiu, C.; Hisada, M.; Abdallah, A.B. AEBIS: AI-Enabled Blockchain-based Electric Vehicle Integration System for Power Management in Smart Grid Platform. IEEE Access 2020, 8, 226409–226421. [Google Scholar] [CrossRef]
  41. Cass, S. Taking AI to the edge: Google’s TPU now comes in a maker-friendly package. IEEE Spectrum 2019, 56, 16–17. [Google Scholar] [CrossRef]
  42. Yazdanbakhsh, A.; Seshadri, K.; Akin, B.; Laudon, J.; Narayanaswami, R. An evaluation of edge tpu accelerators for convolutional neural networks. arXiv 2021, arXiv:2102.10423. [Google Scholar]
  43. Park, K.; Jang, W.; Lee, W.; Nam, K.; Seong, K.; Chai, K.; Li, W.S. Real-time Mask Detection on Google Edge TPU. arXiv 2020, arXiv:2010.04427. [Google Scholar]
  44. Mittal, S. A Survey on optimized implementation of deep learning models on the NVIDIA Jetson platform. J. Syst. Archit. 2019, 97, 428–442. [Google Scholar] [CrossRef]
  45. Ukidave, Y.; Kaeli, D.; Gupta, U.; Keville, K. Performance of the NVIDIA Jetson TK1 in HPC. In Proceedings of the 2015 IEEE International Conference on Cluster Computing, Chicago, IL, USA, 8–11 September 2015; pp. 533–534. [Google Scholar]
  46. Zhao, W.; Fu, H.; Luk, W.; Yu, T.; Wang, S.; Feng, B.; Ma, Y.; Yang, G. F-CNN: An FPGA-based framework for training convolutional neural networks. In Proceedings of the 2016 IEEE 27th International Conference on Application-specific Systems, Architectures and Processors (ASAP), London, UK, 6–8 July 2016; pp. 107–114. [Google Scholar]
  47. Park, S.; Suh, T. Speculative Backpropagation for CNN Parallel Training. IEEE Access 2020, 8, 215365–215374. [Google Scholar] [CrossRef]
  48. Lin, B.Y.; Chen, C.S. Two parallel deep convolutional neural networks for pedestrian detection. In Proceedings of the 2015 International Conference on Image and Vision Computing New Zealand (IVCNZ), Auckland, New Zealand, 23–24 November 2015; pp. 1–6. [Google Scholar]
  49. Nakamura, M.; Wang, J.; Phea, S.; Abdallah, A.B. Comprehensive Study of Coronavirus Disease 2019 (COVID-19) Classification based on Deep Convolution Neural Networks. In Proceedings of the SHS Web of Conferences; EDP Sciences: Les Ulis, France, 2021; Volume 102, p. 04007. [Google Scholar] [CrossRef]
  50. Yi, T.; Yahong, G.; Peiyu, L.; Sheng, W.; Xiaohan, X.; Xiaoyue, W.; Yuguang, H. Infection Prevention Strategy in Operating Room during Coronavirus Disease 2019 (Covid-19) Outbreak. Chin. Med Sci. J. 2019, 35, 4. [Google Scholar] [CrossRef] [PubMed]
  51. Mustafa, A.; Rahimi Azghadi, M. Automated Machine Learning for Healthcare and Clinical Notes Analysis. Computers 2021, 10, 24. [Google Scholar] [CrossRef]
  52. Goel, G.; Gondhalekar, A.; Qi, J.; Zhang, Z.; Cao, G.; Feng, W. ComputeCOVID19+: Accelerating COVID-19 Diagnosis and Monitoring via High-Performance Deep Learning on CT Images. In Proceedings of the 50th International Conference on Parallel Processing, Chicago, IL, USA, 9–12 August 2021; pp. 1–11. [Google Scholar]
  53. Shen, C.; Zhang, K.; Tang, J. A COVID-19 Detection Algorithm Using Deep Features and Discrete Social Learning Particle Swarm Optimization for Edge Computing Devices. ACM Trans. Internet Technol. 2022, 22, 1–17. [Google Scholar] [CrossRef]
  54. Yaman, S.; Karakaya, B.; Erol, Y. A novel normalization algorithm to facilitate pre-assessment of COVID-19 disease by improving accuracy of CNN and its FPGA implementation. Evol. Syst. 2022, 1–11. [Google Scholar] [CrossRef]
  55. Ikechukwu, O.M.; Dang, K.N.; Abdallah, A.B. On the Design of a Fault-Tolerant Scalable Three Dimensional NoC-Based Digital Neuromorphic System With On-Chip Learning. IEEE Access 2021, 9, 64331–64345. [Google Scholar] [CrossRef]
  56. Bear, M.F.; Connors, B.W.; Paradiso, M.A. Neuroscience: Exploring the Brain, 4th ed.; Lippincott Williams and Wilkins: Baltimore, MD, USA, 2016; pp. 81–108. [Google Scholar]
  57. Ben Abdallah, A.; Dang, K.N. Toward robust cognitive 3d brain-inspired cross-paradigm system. Front. Neurosci. 2021, 795. [Google Scholar] [CrossRef]
  58. Vu, T.H.; Okuyama, Y.; Abdallah, A.B. Comprehensive Analytic Performance Assessment and K-means based Multicast Routing Algorithm and Architecture for 3D-NoC of Spiking Neurons. ACM J. Emerg. Technol. Comput. Syst. 2019, 15, 1–28. [Google Scholar] [CrossRef]
  59. Vu, T.H.; Ikechukwu, O.M.; Ben Abdallah, A. Fault-Tolerant Spike Routing Algorithm and Architecture for Three Dimensional NoC-Based Neuromorphic Systems. IEEE Access 2019, 7, 90436–90452. [Google Scholar] [CrossRef]
  60. Eshraghian, J.K.; Ward, M.; Neftci, E.; Wang, X.; Lenz, G.; Dwivedi, G.; Bennamoun, M.; Jeong, D.S.; Lu, W.D. Training spiking neural networks using lessons from deep learning. arXiv 2021, arXiv:2109.12894. [Google Scholar]
  61. NanGate Inc. Nangate Open Cell Library 45 nm. Available online: http://www.nangate.com/ (accessed on 23 February 2021).
  62. Guthaus, M.R.; Stine, J.E.; Ataei, S.; Chen, B.; Wu, B.; Sarwar, M. OpenRAM: An open-source memory compiler. In Proceedings of the 2016 IEEE/ACM International Conference on Computer-Aided Design (ICCAD), Austin, TX, USA, 7–10 November 2017; Volume 34, pp. 1–6. [Google Scholar] [CrossRef] [Green Version]
  63. NCSU Electronic Design Automation. FreePDK3D45 3D-IC Process Design Kit. Available online: http://www.eda.ncsu.edu/wiki/FreePDK3D45:Contents. (accessed on 23 February 2021).
  64. Chowdhury, M.E.H.; Rahman, T.; Khandakar, A.; Mazhar, R.; Kadir, M.A.; Mahbub, Z.B.; Islam, K.R.; Khan, M.S.; Iqbal, A.; Emadi, N.A.; et al. Can AI Help in Screening Viral and COVID-19 Pneumonia? IEEE Access 2020, 8, 132665–132676. [Google Scholar] [CrossRef]
  65. Rahman, T.; Khandakar, A.; Qiblawey, Y.; Tahir, A.; Kiranyaz, S.; Kashem, S.B.A.; Islam, M.T.; Al Maadeed, S.; Zughaier, S.M.; Khan, M.S.; et al. Exploring the effect of image enhancement techniques on COVID-19 detection using chest X-ray images. Comput. Biol. Med. 2021, 132, 104319. [Google Scholar] [CrossRef] [PubMed]
  66. Kamal, M.S.; Chowdhury, L.; Dey, N.; Fong, S.J.; Santosh, K. Explainable ai to analyze outcomes of spike neural network in covid-19 chest x-rays. In Proceedings of the 2021 IEEE International Conference on Systems, Man, and Cybernetics (SMC), Melbourne, VIC, Australia, 17–20 October 2021; pp. 3408–3415. [Google Scholar]
  67. Che Azemin, M.Z.; Hassan, R.; Mohd Tamrin, M.I.; Md Ali, M.A. COVID-19 deep learning prediction model using publicly available radiologist-adjudicated chest X-ray images as training data: Preliminary findings. Int. J. Biomed. Imaging 2020, 2020, 8828855. [Google Scholar] [CrossRef]
  68. Guo, W.; Fouda, M.E.; Eltawil, A.M.; Salama, K.N. Neural Coding in Spiking Neural Networks: A Comparative Study for Robust Neuromorphic Systems. Front. Neurosci. 2021, 15. [Google Scholar] [CrossRef]
Figure 1. Comparison of computational between conventional ANNs and SNNs [19].
Figure 1. Comparison of computational between conventional ANNs and SNNs [19].
Electronics 11 04157 g001
Figure 2. Summary of COVID-19 detection methods on various computing platforms [26,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48].
Figure 2. Summary of COVID-19 detection methods on various computing platforms [26,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48].
Electronics 11 04157 g002
Figure 3. High-level view of the reconfigurable-reliable neuromorphic-based biomedical system.
Figure 3. High-level view of the reconfigurable-reliable neuromorphic-based biomedical system.
Electronics 11 04157 g003
Figure 4. Convolution core architecture consisting of a convolutor and a pooling unit.
Figure 4. Convolution core architecture consisting of a convolutor and a pooling unit.
Electronics 11 04157 g004
Figure 5. Architecture of spiking neuron processing core [56].
Figure 5. Architecture of spiking neuron processing core [56].
Electronics 11 04157 g005
Figure 6. Architecture of fault-tolerant 3D router [55].
Figure 6. Architecture of fault-tolerant 3D router [55].
Electronics 11 04157 g006
Figure 7. Layer-based mapping of the SNN model on the proposed system.
Figure 7. Layer-based mapping of the SNN model on the proposed system.
Electronics 11 04157 g007
Figure 8. Average classification time complexity.
Figure 8. Average classification time complexity.
Electronics 11 04157 g008
Figure 9. Pneumonia detection on the proposed system with various simulation time steps and fault rates. (a) Detection accuracy over various time steps. (b) Spike communication latency over various fault rates.
Figure 9. Pneumonia detection on the proposed system with various simulation time steps and fault rates. (a) Detection accuracy over various time steps. (b) Spike communication latency over various fault rates.
Electronics 11 04157 g009
Table 1. Structure of SNN diagnosis/detection model for 64 × 64 input images.
Table 1. Structure of SNN diagnosis/detection model for 64 × 64 input images.
LayerOutput ShapeParameters
Conv2D_1(16, 62, 62)160
MaxPooling2D_2(16, 31, 31)0
Leaky_3(16, 31, 31)0
Conv2D_4(32, 29, 29)4640
MaxPooling2D_5(32, 14, 14)0
Leaky_6(32, 14, 14)0
Flatten_712,5460
Linear_8212,546
Leaky_9(2)(2)0
Total parameters 17,346
Trainable parameters 17,346
Non-trainable parameters 0
Table 2. Dataset description.
Table 2. Dataset description.
LabelClassTrainTest
COVIDCOVID2870700
COVID (Augmented)14,349-
Non_COVIDNormal9791400
Lung_Opacity5762250
Viral_Pneumonia128850
Sum34,0601400
Table 3. FPGA resource utilization for the proposed neuromorphic system and the ANN-based system.
Table 3. FPGA resource utilization for the proposed neuromorphic system and the ANN-based system.
ResourceUtilizationAvailableUtilization(%)
ANNSNNANNSNN
LUT54,58527,288274,08019.99.9
LUTRAM36682048144,0002.51.28
FF53,03537,098548,1609.76.77
BRAM824091290.40
DSP35025201.40
BUFG4184041.04.45
MMCM104250
Table 4. Comparison with the existing studies of the neuromorphic system.
Table 4. Comparison with the existing studies of the neuromorphic system.
WorksModelPlatformDatasetImage SizeAccuracy (%)
Fukuchi et al. [33]SNNSoftwareX-ray 64 × 64 80.7
Kamal et al. [66]SNNSoftwareX-ray 256 × 256 78
Che et al. [67]ANNSoftwareX-ray 224 × 224 71.9
AIRBiS-1 [31]ANNFPGAX-ray 256 × 256 94.4
This workSNNFPGAX-ray 64 × 64 88.43
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wang, J.; Ikechukwu, O.M.; Dang, K.N.; Abdallah, A.B. Spike-Event X-ray Image Classification for 3D-NoC-Based Neuromorphic Pneumonia Detection. Electronics 2022, 11, 4157. https://doi.org/10.3390/electronics11244157

AMA Style

Wang J, Ikechukwu OM, Dang KN, Abdallah AB. Spike-Event X-ray Image Classification for 3D-NoC-Based Neuromorphic Pneumonia Detection. Electronics. 2022; 11(24):4157. https://doi.org/10.3390/electronics11244157

Chicago/Turabian Style

Wang, Jiangkun, Ogbodo Mark Ikechukwu, Khanh N. Dang, and Abderazek Ben Abdallah. 2022. "Spike-Event X-ray Image Classification for 3D-NoC-Based Neuromorphic Pneumonia Detection" Electronics 11, no. 24: 4157. https://doi.org/10.3390/electronics11244157

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop