A Neuromorphic Processing System With Spike-Driven SNN Processor For Wearable ECG Classification
A Neuromorphic Processing System With Spike-Driven SNN Processor For Wearable ECG Classification
net/publication/361861891
CITATIONS READS
45 588
8 authors, including:
All content following this page was uploaded by Haoming Chu on 22 August 2023.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
512 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
Fig. 2. Processing stages of the proposed neuromorphic system for ECG classification. (a) ECG signal acquisition. (b) ECG signal converted to spike sequences
by LC sampling. (c) Spike data processed by spiking neurons in the SNN processor. (d) Prediction of the ECG type.
potentially facilitates energy-efficient inference, the conversion The rest of the paper is organized as follows. Section II intro-
process is still required. (c) Level crossing (LC) sampling with duces the neuromorphic processing system and its spike-driven
ANN processing [13]–[16]. For example, LC-sampled ECG data processing flow. In Section III, the hardware-aware SNN opti-
with 1D-CNN has been demonstrated promising classification mization is presented. The hardware architecture and design of
accuracy in [13] with 3× data compression. In [17], LC sampling the proposed SNN processor are shown in Section IV. Section V
is capable of achieving over 5× reduction in sampling points, presents the implementation and performance comparison, and
thus reduces data volume and processing complexity. However, Section VI concludes the paper.
the processing of ANN is still resource-consuming and com-
putationally intensive. (d) LC sampling with SNN processing.
For example, Corradi et al. [18] adopted LC sampling and SNN II. SYSTEM DESCRIPTION
processing. Yet the random-connected SNN on device side is
The proposed system is designed for neuromorphic process-
used for dimensionality expansion, while classification is still
ing with two stages: data acquisition and SNN processing.
carried out by a conventional support vector machine (SVM) on
PC side. Therefore, the event-driven peculiarity and sparsity of
neuromorphic systems are not fully exploited.
In this paper, we present an event-driven neuromorphic A. System Architecture
processing system that incorporates LC sampling and fully SNN Fig. 2 shows the proposed neuromorphic processing system
processing (the system concept was first briefly presented in for low-power ECG classification. In the data acquisition stage,
BioCAS2021 conference [19]). The main contributions of this the 2-lead analog ECG signal is sampled by an LC-ADC. LC
work are listed as follows: is a sampling scheme based on predefined threshold levels [20]
a) We propose a novel LC sampling and SNN processing where a pulse is generated when the signal crosses the threshold.
approach. The event of level-crossing analog-to-digital As illustrated in Fig. 3 (top part), the predefined thresholds
converter (LC-ADC) is represented by a single bit, thus are displayed by the horizontal red dash line. In this work,
simplifies the quantization process for ADC, meanwhile the full-scale voltage range of the ECG signal is considered
achieves native temporal coding and can be fed into the to be 10 mVpp [13], which ensures the industry standard of
SNN directly without traditional spike coding. ambulatory equipments [21], and matches the dynamic range
b) We improve the spatio-temporal backpropagation (STBP) of the MIT-BIH Arrhythmia Database [22], while the level
training scheme for hardware-aware optimization to adapt interval is set to 0.1 mV for LC sampling. A pulse known
to LC sampled data representation. It aims to minimize the as the sampling spike is generated at the moment the ECG
firing rate without sacrificing the accuracy, thus improving signal crosses the threshold. Two channels of spikes, i.e., the
the energy efficiency of the overall system. Trained with rising and falling spikes, are generated in response depending
the MIT-BIH database for 5-category classification task, on whether the upper threshold or lower threshold is crossed
the proposed system reaches 98.22% in classification ac- by the ECG signal. The sampling point is decided by the signal
curacy. level instead of clock frequency and the intensity of LC sam-
c) We design a specialized SNN processor that performs pling is determined by the variation rate of the original signal,
classification tasks for the LC-samples directly. Spike- achieving nonuniform sampling and resulting in the reduction
driven processing flow in which the computation is trig- of data amount and power consumption. Compared to re-coding
gered by sparse spikes is adopted for low-power SNN methods such as rate-coding which turns digital ADC values
processing. Hierarchical memory access is implemented into spikes, LC natively contains temporal information and is
for sparse weight decoding, diminishing memory require- more friendly to neuromorphic processing. In this work, the
ment and improving energy efficiency. The SNN processor 2-lead ECG signals (Fig. 2(a)) in the MIT-BIH Arrhythmia
is verified with field programmable gate array (FPGA) Database [22] are converted by the LC-ADC into nonuniform
validation and implemented to an application-specific inte- 4-channel spike sequences, i.e., the rising and falling spikes of
grated circuit (ASIC) design in 40 nm CMOS technology, each lead (Fig. 2(b)). The spike is represented by a single bit
achieving an energy efficiency of 0.75 μJ per classification. thus simplifies the quantization process of traditional ADCs.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 513
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
514 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 515
Fig. 5. Network topology of the proposed spiking rMLP model. where T represents the number of time steps. y is the one-hot
ground truth label. sti ∈ {0, 1} denotes a spike event of the i-th
achieving temporal feature processing and resulting in improved neuron at the moment t. sto is the output vector, the sum of which
classification accuracy. The last 2 layers constitute the classifier represents the SNN prediction result. w is the synaptic weight.
which takes the full-connection structure to recognize different The first term in loss function (MSE) measures the network error
types of LC-sampled ECG signals, while the input to liquid pool by the difference between the ground truth and the prediction,
connection, the liquid pool internal recurrent connection, and the which declines in the training process with gradient descent and
liquid pool to classifier connection are all sparse connections parameter optimization. The second term in the loss function
to reduce the processing time and cost. The whole model, penalizes all spikes except the output layer by L2 normalization,
including the liquid pool and the classifier, is trained with the where λs is the regularization coefficient of spiking sparsity.
hardware-aware STBP method to form an accurate and sparse This term encourages the SNN to represent features with sparser
SNN. spikes, and improves accuracy by suppressing overfitting. The
third term in the loss function is the L1 regularization of the
synaptic weight, with the weight decay λw . Through the L1 term,
B. Hardware-Aware Training the weights decay in the optimization until a sparse solution is
The firing rate and synaptic density determinate circuit ac- reached.
tivity thus greatly affect the power consumption. Therefore In order to support the recurrent liquid pool, the adjacency
the optimization target is to minimize the firing rate and the graph is used to represent the entire network to enable a more
number of synapses whereas maintain an acceptable accuracy. flexible structure as shown in Fig. 6(a). The number of columns
Since study [25] has shown that synapses store only a few bits and rows of the adjacency matrix are both the number of neu-
of information, parameter quantization is further introduced to rons in the network. The index of a non-zero element in the
enable fixed-point computations to reduce hardware burden. matrix indicates the connection from a pre-synaptic neuron to
STBP [24], [26] is adopted and generalized to utilize the tem- a post-synaptic neuron, and the value of the non-zero element
poral information of ECG signals sampled by the LC-ADC. represents the synaptic weight. A zero element indicates that
The original STBP algorithm [26] models the LIF dynamic there is no connection between the corresponding neurons.
process in the discrete time domain and propagates spikes layer For instance, the ‘l1 → l2 ’ block in Fig. 6(a) represents the
by layer, so that the backpropagation can be deduced in both connections from the input layer to the liquid pool, and the
spatial domain and time domain, which enables the extraction ‘l2 → l2 ’ block indicates the recurrent connections inside the
of spatio-temporal features of the SNN. Based on this, we liquid pool. Such an adjacency matrix allows spiking neural
developed the algorithm (G-STBP algorithm [24]) to support networks with arbitrary connections, and thus improves the
the recurrent structure (i.e., the liquid pool) and further improved flexibility of network structure.
this algorithm for low-power applications with hardware-aware In this context, the forward computation graph and backprop-
optimization, specifically, firing rate mitigation, pruning and agation path of the SNN can be further described in Fig. 6(b).
fixed-point quantization. The loss function consists of the mean Taking the i-th neuron as an example, in the time domain,
squared error (MSE) term to measure the classification error, the membrane potential uti at moment t affects the membrane
and the spike and weight regularization term to optimize firing potential ut+1
i at moment t + 1, while in the spatial domain,
rate and number of synapses: the spike generated by uti affects all the post-synaptic neurons
with synaptic weights. Therefore, the error comes from the two
2
1 1 t
backpropagation paths: one is the backpropagation with time
λs
T T
sti 2 + λw
L = y− so + w1 since the membrane potential is calculated iteratively in the
2 T t=1 2 2
time domain, and the other is the error backpropagation through
t=1 2 ∈output
i/
(1) synaptic connections, which further includes the error of the
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
516 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
Fig. 7. Joint effort with firing rate mitigation, pruning and fixed-point quantization on the reduction of processing energy while keeping acceptable classification
accuracy. The left part visualizes the process of the 3-step training, and the right part reports the tradeoffs in each optimization step in detail with a table. The
selected baseline is highlighted in the table.
spiking regularization. It is to mention that the output neurons demonstrated in Fig. 7. The left part visualizes the process of the
have no post-neuron connections, and only receive the gradient 3-step training, in which the vertical axis is the final accuracy of
of the MSE loss. Therefore, the gradient of the loss function each SNN model and the horizontal axis is the normalized energy
with respect to the membrane potential is as follows: consumption with floating-point addition. The energy cost of
⎧ T
floating-point multiplication and fixed-point operation relative
⎪
⎪ − 1
− 1
sti · h(uti ) , i ∈ output to floating-point addition is converted according to [28]–[30].
⎪
⎨ T y i T
i=1 The area of the circle shows the parameter storage overhead of
∇uti = ∇ut+1 (2)
i · α(si −1) + ∇ut+1
j ·wji · h(ui )
t t
⎪
⎪ the SNN. The right part reports the tradeoffs in each optimization
⎪
⎩ j
+ λs sti · h(uti ) , otherwise step in detail with a table, in which the selected parameters are
highlighted. Hardware-aware optimization is mainly composed
where h is the surrogate gradient of the spiking function, of the following three aspects:
2 − Δt
specifically h(u) = √12π e−(u−uth ) . α = e τi is the leaky fac- 1) Firing Rate Mitigation: Frequent spiking events in hard-
tor. wji represents the synaptic weight of the connection from ware lead to intensive circuit computation. Therefore spiking
the j-th neuron to the i-th neuron. The gradients of synaptic regularization is implemented to penalize frequent spiking ac-
weight and bias can be calculated from the membrane potential tivities. By gradually increasing λs in Equation (1), the firing
gradient: rate of the SNN will decrease due to regularization, and the
normalized power consumption of the SNN in Fig. 7 is continu-
∇wij = ∇uti · st−1
j + λw · sign(wij ), ∇bi = ∇uti ously optimized. Due to the spiking regularization preventing
t t overfitting, the accuracy is also improved at the beginning.
(3)
Finally, λs = 10−5 is selected as the appropriate regularization
Once the gradients are calculated, it is easy to perform param-
coefficient because of its obvious optimization of power con-
eter optimization according to parameter update algorithms such
sumption and high accuracy.
as adaptive momentum estimation (Adam), which is explained
2) Pruning: The L1 regularization of synaptic weights
in detail in [27].
makes the weights decay until a sparse solution is found.
Synaptic pruning is further achieved by setting all weights with
C. Evaluation w < Θw to zero, where Θw is the pruning threshold. At this
The LC-sampled ECG signals in the MIT-BIH database are point, the number of synapses is optimized, which not only
used to train the SNN for 5-category classification. In the training reduces the storage overhead of parameters, but also contributes
process of the proposed rMLP, the dataset is divided with the to the improvement of computational complexity by reducing
ratio of 4:1 for the training set and the test set, respectively. For the number of synapses that corresponds to the same spike
each type of all the cardiac arrhythmia types, we choose random activity. As shown in Fig. 7, further pruning is applied to the
samples to form the training and test set with the same ratio, i.e., spiking-sparse SNN model. The storage overhead and power
4:1, to ensure that the dataset is allocated fairly for all classes. consumption of the network are continuously reduced, along
The improved STBP training process not only reduces the with a decrease in accuracy. Here we choose λw = 10−2 , Θw =
classification error of SNN by minimizing the MSE term, but 10−2 as the suitable pruning parameter.
also achieves the hardware-aware optimization (i.e., firing rate 3) Fixed-Point Quantization: Fixed-point quantization not
mitigation, pruning, and fixed-point quantization), which is only reduces storage overhead, but also enables fixed-point
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 517
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
518 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
Fig. 9. (a) The processing and time-division multiplexing of the spike-driven NPU are orchestrated by two FSMs named the Top_FSM and the Neuron_FSM.
Arrows with solid lines are data paths, and arrows with dashed lines are control signals. (b) State transition diagram of Top_FSM. (c) State transition diagram of
Neuron_FSM.
voltage to decide the spike generation result. If the membrane to 504.14 μs at 100 MHz, and 775.6 ms at 65 kHz, respec-
potential exceeds the threshold, the neuron spikes and resets tively. This ensures the real-time processing capability for ECG
J_reg, otherwise it is multiplied with a leaky factor exp_reg. classification applications assuming a person with the heart rate
After all the neurons in the network are processed, the NPU is of 75 bpm (0.8 s).
controlled to switch to weight accumulation mode again by the
Neuron_FSM and start the computation of the next time step.
The state transition diagram of the Neuron_FSM is exhibited in C. Hierarchical Memory Access
Fig. 9(c). On-chip static random-access memory (SRAM) is used in
With the two FSMs, the NPU implements only one adder and this work to store synaptic weights and inherent parameters
one multiplier for the calculation of all neurons in the SNN with of neurons that occupies a large part of the silicon area. Due
time-division multiplexing. Fig. 9(a) shows that the latency of to the use of the hardware-aware STBP training method that
a weight accumulation process (W_ACC) is 7 cycles, and the leads to sparse connected SNN model, memory organization for
latency of a spike generation process (V_CALCU) is 9 cycles. storing and accessing the synaptic weights needs to be specially
The proposed SNN processor is designed to support a maximum considered to take good use of the sparsity of the network.
number of 1,024 neurons through time-division multiplexing In conventional approaches, a memory organization of dense
and 32 K synaptic connections. The maximum neuron number storage is commonly adopted for storing weight information
of 1,024 is considered mainly for scalability and versatility so which is accessed by the processor in computation. As illustrated
that the SNN processor can be applied to more kinds of tasks and in Fig. 10(a), this is a memory organization that contains all pos-
various network structures. Assuming an SNN with a 25% firing sible connections. The first N words in the W eight_Storage
rate and an average fan-out of 32, the total number of cycles to contain all synaptic connections of neuron #1, corresponding
update the time-multiplexed 1,024 neurons is calculated to be to the first word in N euron_State, which is a memory block
65,560, yielding 655.6 μs latency at 100 MHz clock frequency. that stores the inherent parameters of each neuron. In this way,
In other words, the 1,024-neuron SNN processor is capable of all synaptic weights are stored sequentially in the SRAM. With
achieving a complete update of one time step within 1 ms. this storage organization, the synaptic weight can be read in
In the specific ECG classification application, mapping the one cycle, achieving quick access without decoding process.
trained model of 271 neurons to the processor and accomplishing However, this storage organization requires the processor to tra-
a classification with 6,527 synaptic operations in three time verse every synaptic connection in the processing of every time
steps, the total number of cycles required is 50,414, leading step, which may be ineffective for sparse networks. The memory
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 519
Fig. 10. (a) Memory organization with dense storage. (b) Hierarchical memory access scheme with sparse storage.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
520 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
TABLE I
RESOURCE UTILIZATION OF FPGA
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 521
TABLE II
COMPARISONS WITH RELATED WORKS ON MIT-BIH DATASET
∗
measured # post-layout simulated estimated by the results reported in the paper.
Fig. 14. Layout and ASIC specification of the proposed SNN processor.
Fig. 15. Power breakdown and equivalent power consumption for real-time
B. ASIC Implementation processing at 75 bpm.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
522 IEEE TRANSACTIONS ON BIOMEDICAL CIRCUITS AND SYSTEMS, VOL. 16, NO. 4, AUGUST 2022
VI. CONCLUSION [16] Q. Cai, X. Xu, Y. Zhao, L. Ying, Y. Li, and Y. Lian, “A 1.3 µW event-driven
ANN core for cardiac arrhythmia classification in wearable sensors,”
In this paper, we present a neuromorphic processing system IEEE Trans. Circuits Syst. II: Exp. Briefs, vol. 68, no. 9, pp. 3123–3127,
with a spike-driven SNN processor design for always-on wear- Sep. 2021.
[17] X. Zhang, Z. Zhang, Y. Li, C. Liu, Y. X. Guo, and Y. Lian, “A 2.89 µW dry-
able ECG classification. The system is composed of an LC-ADC electrode enabled clockless wireless ECG SoC for wearable applications,”
for data acquisition and an SNN processor for spike processing. IEEE J. Solid-State Circuits, vol. 51, no. 10, pp. 2287–2298, Oct. 2016.
The LC-ADC samples the ECG signal in an event-driven manner [18] F. Corradi et al., “ECG-based heartbeat classification in neuromorphic
hardware,” in Proc. Int. Joint Conf. Neural Netw., 2019, pp. 1–8.
with single-bit data representation, generating SNN-compatible [19] H. Chu et al., “A neuromorphic processing system for low-power wearable
spike sequences and compressing the data volume by 55.9×. ECG classification,” in Proc. IEEE Biomed. Circuits Syst. Conf., 2021,
The hardware-aware STBP is adopted to improve classification pp. 1–5.
[20] Z. Wang et al., “A 57nW software-defined always-on wake-up chip for IoT
performance and reduce the computation cost, achieving 98.22% devices with asynchronous pipelined event-driven architecture and time-
classification accuracy on the MIT-BIH database. The special- shielding level-crossing ADC,” in Proc. IEEE Int. Solid-State Circuits
ized hardware is validated with FPGA and the ASIC design is Conf., 2020, pp. 314–316.
[21] M. Tlili, M. Ben-Romdhane, A. Maalej, F. Rivet, D. Dallet, and C. Rebai,
implemented in 40 nm CMOS process. The energy efficiency “Level-crossing ADC design and evaluation methodology for normal
is 0.75 μJ per classification, which is promising for always-on and pathological electrocardiogram signals measurement,” Measurement,
wearable ECG classification. vol. 124, pp. 413–425, 2018.
[22] G. B. Moody and R. G. Mark, “The impact of the MIT-BIH arrhyth-
mia database,” IEEE Eng. Med. Biol. Mag., vol. 20, no. 3, pp. 45–50,
REFERENCES May/Jun. 2001.
[23] Testing and Reporting Performance Results of Cardiac Rhythm and ST
[1] “Cardiovascular diseases (CVDs),” World Health Organization, Geneva, Segment Measurement Algorithms, ANSI/AAMI Standard EC57, 2012.
Switzerland, 2019. [Online]. Available: https://www.who.int/news-room/ [24] Y. Yan et al., “Graph-based spatio-temporal backpropagation for training
factsheets/detail/cardiovascular-diseases-(cvds) spiking neural networks,” in Proc. IEEE 3rd Int. Conf. Artif. Intell. Circuits
[2] A. Rosiek and K. Leksowski, “The risk factors and prevention of cardio- Syst., 2021, pp. 1–4.
vascular disease: The importance of electrocardiogram in the diagnosis and [25] T. M. Bartol Jr et al., “Nanoconnectomic upper bound on the variability
treatment of acute coronary syndrome,” Therapeutics Clin. Risk Manage., of synaptic plasticity,” Elife, vol. 4, 2015, Art. no. e10778.
vol. 12, 2016, Art. no. 1223. [26] Y. Wu, L. Deng, G. Li, J. Zhu, and L. Shi, “Spatio-temporal backprop-
[3] A. Mincholé and B. Rodriguez, “Artificial intelligence for the electrocar- agation for training high-performance spiking neural networks,” Front.
diogram,” Nature Med., vol. 25, no. 1, pp. 22–23, 2019. Neurosci., vol. 12, 2018, Art. no. 331.
[4] Z. Jin, J. Oresko, S. Huang, and A. C. Cheng, “HeartToGo: A personalized [27] D. P. Kingma and J. Ba, “Adam: A method for stochastic optimization,”
medicine technology for cardiovascular disease prevention and detection,” Dec. 2014, arXiv:1412.6980.
in Proc. IEEE/NIH Life Sci. Syst. Appl. Workshop, 2009, pp. 80–83. [28] Z. Cheng, W. Wang, Y. Pan, and T. Lukasiewicz, “Distributed low precision
[5] A. Samol, K. Bischof, B. Luani, D. Pascut, M. Wiemer, and S. Kaese, training without mixed precision,” Nov. 2019, arXiv:1911.07384.
“Single-lead ECG recordings including Einthoven and Wilson leads by a [29] A. Finnerty and H. Ratigner, “Reduce power and cost by converting
smartwatch: A new era of patient directed early ECG differential diagnosis from floating point to fixed point,” San Jose, CA, USA, Xilinx
of cardiac diseases?,” Sensors, vol. 19, no. 20, 2019, Art. no. 4377. White Paper WP491 (v1. 0), 2017. [Online]. Available: "https:
[6] O. J. Escalona, A. Villegas, S. Mukhtar, G. Perpiñan, and D. J. McEneaney, //docs.xilinx.com/v/u/en-US/wp491-floating-to-fixed-point"https:
“Wireless arm wearable sensor band for long-term heart rhythms surveil- //docs.xilinx.com/v/u/en-US/wp491-floating-to-fixed-point
lance using a bipolar Arm-ECG lead,” in Proc. Comput. Cardiol., 2020, [30] S. Tajasob, M. Rezaalipour, and M. Dehyadegari, “Designing energy-
pp. 1–4. efficient imprecise adders with multi-bit approximation,” Microelectron.
[7] Y. A. Bhagat et al., “Like Kleenex for wearables: A soft, strong and J., vol. 89, pp. 41–55, 2019.
disposable ECG monitoring system,” in Proc. IEEE Biomed. Circuits Syst. [31] F. C. Bauer, D. R. Muir, and G. Indiveri, “Real-time ultra-low power ECG
Conf., 2018, p. 1, doi: 10.1109/BIOCAS.2018.8584778. anomaly detection using an event-driven neuromorphic processor,” IEEE
[8] S. Kiranyaz, T. Ince, and M. Gabbouj, “Real-time patient-specific ECG Trans. Biomed. Circuits Syst., vol. 13, no. 6, pp. 1575–1582, Dec. 2019.
classification by 1-D convolutional neural networks,” IEEE Trans. Biomed. [32] J. Liu et al., “4.5 BioAIP: A reconfigurable biomedical AI processor with
Eng., vol. 63, no. 3, pp. 664–675, Mar. 2016. adaptive learning for versatile intelligent health monitoring,” in Proc. IEEE
[9] N. Wang, J. Zhou, G. Dai, J. Huang, and Y. Xie, “Energy-efficient intelli- Int. Solid-State Circuits Conf., 2021, pp. 62–64.
gent ECG monitoring for wearable devices,” IEEE Trans. Biomed. Circuits [33] Y. Liu et al., “An 82nW 0.53 pJ/SOP clock-free spiking neural network
Syst., vol. 13, no. 5, pp. 1112–1121, Oct. 2019. with 40 µs latency for AloT wake-up functions using ultimate-event-driven
[10] M. Janveja, R. Parmar, M. Tantuway, and G. Trivedi, “A DNN based low bionic architecture and computing-in-memory technique,” in Proc. IEEE
power ECG co-processor architecture to classify cardiac arrhythmia for Int. Solid-State Circuits Conf., 2022, pp. 372–374.
wearable devices,” IEEE Trans. Circuits Syst. II: Exp. Briefs, vol. 69, no. 4,
pp. 2281–2285, Apr. 2022.
[11] Z. Yan, J. Zhou, and W-F. Wong, “Energy efficient ECG classification with
spiking neural network,” Biomed. Signal Process. Control, vol. 63, 2021,
Art. no. 102170.
[12] A. Amirshahi and M. Hashemi, “ECG classification algorithm based on
STDP and R-STDP neural networks for real-time monitoring on ultra low-
power personal wearable devices,” IEEE Trans. Biomed. Circuits Syst.,
vol. 13, no. 6, pp. 1483–1493, Dec. 2019.
[13] M. Saeed et al., “Evaluation of level-crossing ADCs for event-driven
Haoming Chu received the B.S. degree in electronic
ECG classification,” IEEE Trans. Biomed. Circuits Syst., vol. 15, no. 6,
eng ineering in 2016 from Fudan University, Shang-
pp. 1129–1139, Dec. 2021.
hai, China, where he is currently working toward
[14] Y. Zhao, S. Lin, Z. Shang, and Y. Lian, “Classification of cardiac ar-
the Ph.D. degree in microelectronics and solid state
rhythmias based on artificial neural networks and continuous-in-time
electronics.
discrete-in-amplitude signal flow,” in Proc. IEEE Int. Conf. Artif. Intell.
Since 2016, he has been working in the field
Circuits Syst., 2019, pp. 175–178.
of low-power SoC design. He is research interests
[15] Y. Zhao, Z. Shang, and Y. Lian, “A 13.34 µW event-driven patient-
include low power architecture for microprocessor,
specific ANN cardiac arrhythmia classifier for wearable ECG sen-
event-based low-power design, and energy-efficient
sors,” IEEE Trans. Biomed. Circuits Syst., vol. 14, no. 2, pp. 186–197,
hardware design.
Apr. 2020.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
CHU et al.: NEUROMORPHIC PROCESSING SYSTEM WITH SPIKE-DRIVEN SNN PROCESSOR FOR WEARABLE ECG CLASSIFICATION 523
Yulong Yan received the B.E. degree in communi- Yuxiang Huan (Member, IEEE) received the Ph.D.
cation engineering from Shandong University, Jinan, degree in micro electronics from Fudan University,
China, in 2017. He is currently working toward the Shanghai, China, in 2018. From 2018 to 2021, he was
Ph.D. degree with the School of Information Science an Assistant Professor with Fudan University. He is
and Technology, Fudan University, Shanghai, China. currently the Principal Investigator of the Large-scale
Since 2016, he has been working in the field Neuromorphic Computing Group Guangdong Insti-
of intelligent electronics and systems, especially in tute of Intelligence Science and Technology, Guang-
spiking neural network algorithm, neuromorphic en- dong, China. His research interests include distributed
gineering, and machine learning algorithms for the computing architectures, energy-efficient architec-
Internet of Things systems and applications. tures for deep learning accelerators, and domain spe-
cific hardware designs for large-scale neuromorphic
computing.
Authorized licensed use limited to: FUDAN UNIVERSITY. Downloaded on October 14,2022 at 06:11:40 UTC from IEEE Xplore. Restrictions apply.
View publication stats