Content uploaded by Thanh Thi Nguyen
Author content
All content in this area was uploaded by Thanh Thi Nguyen on Sep 26, 2020
Content may be subject to copyright.
Content uploaded by Thanh Thi Nguyen
Author content
All content in this area was uploaded by Thanh Thi Nguyen on Aug 11, 2020
Content may be subject to copyright.
Content uploaded by Thanh Thi Nguyen
Author content
All content in this area was uploaded by Thanh Thi Nguyen on Jul 30, 2020
Content may be subject to copyright.
1
Artificial Intelligence in the Battle against Coronavirus (COVID-19): A
Survey and Future Research Directions
Thanh Thi Nguyen
Abstract—Artificial intelligence (AI) has been applied widely
in our daily lives in a variety of ways with numerous successful
stories. AI has also contributed to dealing with the coronavirus
disease (COVID-19) pandemic, which has been happening around
the globe. This paper presents a survey of AI methods being
used in various applications in the fight against the COVID-19
outbreak and outlines the crucial roles of AI research in this
unprecedented battle. We touch on a number of areas where AI
plays as an essential component, from medical image processing,
data analytics, text mining and natural language processing, the
Internet of Things, to computational biology and medicine. A
summary of COVID-19 related data sources that are available
for research purposes is also presented. Research directions on
exploring the potentials of AI and enhancing its capabilities and
power in the battle are thoroughly discussed. We highlight 13
groups of problems related to the COVID-19 pandemic and point
out promising AI methods and tools that can be used to solve
those problems. It is envisaged that this study will provide AI
researchers and the wider community an overview of the current
status of AI applications and motivate researchers in harnessing
AI potentials in the fight against COVID-19.
Index Terms—Artificial intelligence; AI; machine learning;
coronavirus; COVID-19; SARS-CoV-2; pandemic; epidemic; out-
break; survey; review; overview; future research directions
I. INTRODUCTION
THE novel coronavirus disease (COVID-19) has created
tremendous chaos around the world, affecting people’s
lives and causing a large number of deaths. Since the first
cases were detected, the disease has spread to almost ev-
ery country, causing deaths of over 580,000 people among
nearly 13,379,000 confirmed cases based on statistics of the
World Health Organization in the middle of July 2020 [1].
Governments of many countries have proposed intervention
policies to mitigate the impacts of the COVID-19 pandemic.
Science and technology have contributed significantly to the
implementations of these policies during this unprecedented
and chaotic time. For example, robots are used in hospitals to
deliver food and medicine to coronavirus patients or drones
are used to disinfect streets and public spaces. Many medical
researchers are rushing to investigate drugs and medicines to
treat infected patients whilst others are attempting to develop
vaccines to prevent the virus. Computer science researchers
on the other hand have managed to early detect infectious
patients using techniques that can process and understand
medical imaging data such as X-ray images and computed
tomography (CT) scans. These computational techniques are
part of artificial intelligence (AI), which has been applied
successfully in various fields. This paper focuses on the
roles of AI technologies in the battle against the COVID-
19 pandemic. We provide a comprehensive survey of AI
T. T. Nguyen is with the School of Information Technology, Deakin
University, Victoria, 3216, Australia. E-mail: thanh.nguyen@deakin.edu.au.
applications that support humans to reduce and suppress the
substantial impacts of the outbreak. Recent advances in AI
have contributed significantly to improving humans’ lives and
thus there is a strong belief that proper AI research plans will
fully exploit the power of AI in helping humans to defeat this
challenging battle. We discuss about these possible plans and
highlight AI research areas that could bring great benefits and
contributions to overcome the battle. In addition, we present a
summary of COVID-19 related data sources to facilitate future
studies using AI methods to deal with the pandemic.
An overview of common AI methods is presented in Fig. 1
where recent AI development is highlighted. Machine learn-
ing, especially deep learning, has made great advances and
substantial progress in long-standing fields such as computer
vision, natural language processing (NLP), speech recognition,
and video games. A significant advantage of deep learning
over traditional machine learning techniques is its ability to
deal with and make sense of different types of data, especially
big and unstructured data, e.g. text, image, video and audio
data. A number of industries, e.g. electronics, automotive, se-
curity, retail, agriculture, healthcare and medical research, have
achieved better outcomes and benefits by using deep learning
and AI methods. It is thus expected that AI technologies can
contribute to the fight against the COVID-19 pandemic, such
as those surveyed in the next section.
II. AI AGA IN ST COVID-19: A SURVEY
We separate surveyed papers into different groups that in-
clude: deep learning algorithms for medical image processing,
data science methods for pandemic modelling, AI and the
Internet of Things (IoT), AI for text mining and NLP, and
AI in computational biology and medicine.
A. Medical Image Processing with Deep Learning
While radiologists and clinical doctors can learn to detect
COVID-19 cases based on chest CT examinations, their tasks
are manual and time consuming, especially when required to
examine a lot of cases. Bai et al. [7] convenes three Chinese
and four United States radiologists to differentiate COVID-
19 from other viral pneumonia based on chest CT images
obtained from a cohort of 424 cases, in which 205 cases are
from the United States with non-COVID-19 pneumonia whilst
219 cases are from China positive with COVID-19. Results
obtained show that radiologists can achieve high specificity
(which refers to the proportion of actual positives that are
correctly identified as such) in distinguishing COVID-19 from
other causes of viral pneumonia using chest CT imaging data.
However, their performance in terms of sensitivity (which
arXiv:2008.07343v1 [cs.CY] 30 Jul 2020
2
Fig. 1. An overview of common AI methods where machine learning constitutes a great proportion. The development of deep learning, a subset of machine
learning, has contributed significantly to improving the power and capabilities of recent AI applications. A number of deep learning-based convolutional neural
network (CNN) architectures, e.g. LeNet [2], AlexNet [3], GoogLeNet [4], Visual Geometry Group (VGG) Net [5] and ResNet [6], have been proposed and
applied successfully in different areas, especially in the computer vision domain. Other techniques such as autoencoders and recurrent neural networks are
crucial components of many prominent natural language processing tools. The deep learning methods in particular and AI in general may thus be employed
to create useful applications to deal with various aspects of the COVID-19 pandemic.
refers to the proportion of actual negatives that are correctly
identified as such) is just moderate for the same task. AI
methods, especially deep learning, have been used to process
and analyse medical imaging data to support radiologists and
doctors to improve diagnosis performance. Likewise, the cur-
rent COVID-19 pandemic has witnessed a number of studies
focusing on automatic detection of COVID-19 using deep
learning systems.
A three-dimensional deep learning method, namely COVID-
19 detection neural network (COVNet), is introduced in [8]
to detect COVID-19 based on volumetric chest CT images.
Three kinds of CT images, including COVID-19, community
acquired pneumonia (CAP) and other non-pneumonia cases,
are mixed to test the robustness of the proposed model, which
is illustrated in Fig. 2. These images are collected from 6
hospitals in China and the detection method is evaluated by the
area under the receiver operating characteristic curve (AUC).
COVNet is a convolutional ResNet-50 model [6] that takes a
series of CT slices as inputs and predicts the class labels of
the CT images via its outputs. The AUC value obtained is at
0.96, which shows a great ability of the proposed model for
detecting COVID-19 cases.
Another deep learning method based on the concatena-
tion between the location-attention mechanism and the three-
dimensional CNN ResNet-18 network [6] is proposed in [9] to
detect coronavirus cases using pulmonary CT images. Distinct
manifestations of CT images of COVID-19 found in previous
Fig. 2. Illustrative architecture of the COVNet model proposed in [8] for
COVID-19 detection using CT images. Max pooling operation is used to
combine features extracted by ResNet-50 CNNs whose inputs are CT slices.
The combined features are fed into a fully connected layer to compute proba-
bilities for three classes, i.e. non-pneumonia, community acquired pneumonia
(CAP) and COVID-19. Predicted class is the one that has highest probability
among the three classes.
studies [10], [11] and their differences with those of other
types of viral pneumonia such as influenza-A are exploited
through the proposed deep learning system. A dataset com-
prising CT images of COVID-19 cases, influenza-A viral
pneumonia patients and healthy cases is used to validate the
performance of the proposed method. The method’s overall
accuracy of approximately 86% is obtained on this dataset,
3
TABLE I
SUMMARY OF DEEP LEARNING METHODS FOR COVID-19 DIAGNOSIS USING RADIOLOGY IMAGES
Papers Data AI Methods Results
[8] 4,356 chest CT exams from 3,322 patients from 6 medical centers:
1,296 exams for COVID-19, 1,735 for CAP and 1,325 for non-
pneumonia
A 3D convolutional ResNet-50 [6],
namely COVNet
AUC for detecting COVID-19 is
of 0.96
[9] 618 CT samples: 219 from 110 COVID-19 patients, 224 CT
samples from 224 patients with influenza-A viral pneumonia, and
175 CT samples from healthy people
Location-attention network and
ResNet-18 [6]
Accuracy of 86.7%
[12]
5,941 Posterior-anterior chest radiography images across 4 classes
(normal: 1,583, bacterial pneumonia: 2,786, non-COVID-19 viral
pneumonia: 1,504, and COVID-19: 68)
Drop-weights based Bayesian CNNs Accuracy of 89.92%
[13]
1,065 CT images (325 COVID-19 and 740 viral pneumonia) Modified inception transfer-learning
model
Accuracy of 79.3% with speci-
ficity of 0.83 and sensitivity of
0.67
[14]
Clinical data and a series of chest CT data collected at differ-
ent times on 133 patients of which 54 patients progressed to
severe/critical periods whilst the rest did not
Multilayer perceptron and LSTM [45] AUC of 0.954
[15]
970 CT volumes of 496 patients with confirmed COVID-19 and
1,385 negative cases
2D deep CNN Accuracy of 94.98% and AUC of
97.91%
[16]
CT images of 1,136 training cases (723 positives for COVID-19)
from 5 hospitals
A combination of 3D UNet++ [17] and
ResNet-50 [6]
Sensitivity of 0.974 and specificity
of 0.922
[18]
Chest X-ray images of 50 normal and 50 COVID-19 patients Pre-trained ResNet-50 Accuracy of 98%
[19]
16,756 chest radiography images across 13,645 patient cases from
two open access data repositories
A deep CNN, namely COVID-Net Accuracy of 92.4%
[20]
CT images obtained from 157 international patients (China and
U.S.)
ResNet-50 AUC of 0.996
[21]
1,341 normal, 1,345 viral pneumonia, and 190 COVID19 chest
Xray images
AlexNet [3], ResNet-18 [6], DenseNet-
201 [23], SqueezeNet [25]
Accuracy of 98.3%
[22]
170 X-ray images and 361 CT images of COVID-19 from 5
different sources
A new CNN and pre-trained AlexNet
[3] with transfer learning
Accuracy of 98% on X-ray images
and 94.1% on CT images
which exhibits its ability to help clinical doctors to early screen
COVID-19 patients using chest CT images.
In line with the studies described above, we have found a
number of papers also applying deep learning for COVID-
19 diagnosis using radiology images. They are summarized in
Table I for comparisons.
B. AI-based Data Science Methods for COVID-19 Modelling
A modified stacked autoencoder deep learning model is used
in [26] to forecast in real-time the COVID-19 confirmed cases
across China. This modified autoencoder network includes
four layers, i.e. input, first latent layer, second latent layer
and output layer, with the number of nodes correspondingly
is 8, 32, 4 and 1. A series of 8 data points (8 days) are used as
inputs of the network. The latent variables obtained from the
second latent layer of the autoencoder model are processed
by the singular value decomposition method before being fed
into clustering algorithms in order to group the cases into
provinces or cities to investigate the transmission dynamics of
the pandemic. The resultant errors of the model are low, which
give confidence that it can be applied to forecast accurately
the transmission dynamics of the virus as a helpful tool for
public health planning and policy-making.
On the other hand, a prototype of an AI-based system,
namely α-Satellite, is proposed in [27] to assess the infectious
risk of a given geographical area at community levels. The
system collects various types of large-scale and real-time data
from heterogeneous sources, such as number of cases and
deaths, demographic data, traffic density and social media
data, e.g., Reddit posts. The social media data available for
a given area may be limited so that they are enriched by the
conditional generative adversarial networks (GANs) [28] to
learn the public awareness of COVID-19. A heterogeneous
graph autoencoder model is then devised to aggregate infor-
mation from neighbourhood areas of the given area in order
to estimate its risk indexes. This risk information enables
residents to select appropriate actions to prevent them from
the virus infection with minimum disruptions in their daily
lives. It is also useful for authorities to implement appropriate
mitigation strategies to combat the fast evolving pandemic.
Chang et al. [29] modify a discrete-time and stochastic
agent-based model, namely ACEMod (Australian Census-
based Epidemic Model), previously used for influenza pan-
demic simulation [30], [31], for modelling the COVID-19
pandemic across Australia over time. Each agent exemplifies
an individual characterized by a number of attributes such
as age, occupation, gender, susceptibility and immunity to
diseases and contact rates. The ACEMod is calibrated to model
specifics of the COVID-19 pandemic based on key disease
transmission parameters. Several intervention strategies in-
cluding social distancing, school closures, travel bans, and case
isolation are then evaluated using this tuned model. Results
obtained from the experiments show that a combination of
several strategies is needed to mitigate and suppress the
COVID-19 pandemic. The best approach suggested by the
model is to combine international arrival restrictions, case
isolation and social distancing in at least 13 weeks with the
compliance level of 80% or above.
4
C. AI and the Internet of Things
A framework for COVID-19 detection using data obtained
from smartphones’ onboard sensors such as cameras, micro-
phones, temperature and inertial sensors is proposed in [32].
Machine learning methods are employed for learning and
acquiring knowledge about the disease symptoms based on
the collected data. This offers a low-cost and quick approach
to coronavirus detection compared to medical Kits or CT scan
methods. This is arguably plausible because data obtained
from the smartphones’ sensors have been utilized effectively
in different individual applications and the proposed approach
integrates these applications together in a unique framework.
For instance, data obtained from the temperature-fingerprint
sensor can be used for fever level prediction [33]. Images and
videos taken by smartphones’ camera or data collected by the
onboard inertial sensors can be used for human fatigue detec-
tion [34], [35]. Likewise, Story et al. [36] use smartphone’s
videos for nausea prediction whilst Lawanont et al. [37] use
camera images and inertial sensors’ measurements for neck
posture monitoring and human headache level prediction. Al-
ternatively, audio data obtained from smartphone’s microphone
are used for cough type detection in [38], [39].
An approach to collecting individuals’ basic travel history
and their common manifestations using a phone-based online
survey is proposed in [40]. These data are valuable for machine
learning algorithms to learn and predict the infection risk of
each individual, thus help to early identify high-risk cases for
quarantine purpose. This contributes to reducing the spread
of the virus to the susceptible populations. In another work,
Allam and Jones [41] suggest the use of AI and data sharing
standardization protocols for better global understanding and
management of urban health during the COVID-19 pandemic.
For example, added benefits can be obtained if AI is integrated
with thermal cameras, which might have been installed in
many smart cities, for early detection of the outbreak. AI meth-
ods can also demonstrate their great effectiveness in supporting
managers to make better decisions for virus containment when
loads of urban health data are collected by data sharing across
and between smart cities using the proposed protocols.
D. AI for Text Mining and NLP
A hybrid AI model for COVID-19 infection rate forecasting
is proposed in [42], which combines the epidemic susceptible
infected (SI) model, NLP and deep learning tools. The SI
model and its extension, i.e. susceptible infected recovered
(SIR), are traditional epidemic models for modelling and
predicting the development of infectious diseases where S
represents the number of susceptible people, Idenotes the
number of infected people and Rspecifies the recovered cases.
Using differential equations to characterize the relationship
between I,Sand R, these models have been used to predict
successfully SARS and Ebola infected cases, as reported
in [43] and [44] respectively. NLP is employed to extract
semantic features from related news such as epidemic control
measures of governments or residents’ disease prevention
awareness. These features are then served as inputs to the
long short-term memory (LSTM) deep learning model [45] to
revise the infection rate predictions of the SI model (detailed
in Fig. 3). Epidemic data of Wuhan, Beijing, Shanghai and the
whole China are used for experiments, which demonstrate the
great accuracy of the proposed hybrid model. It can be applied
to predict the COVID-19 transmission law and development
trend, and thus useful for establishing prevention and control
measures for future pandemics. That study also shows the
importance of public awareness of governmental epidemic
prevention policies and the significant role of transparency
and openness of epidemic reports and news in containing the
development of infectious diseases.
Fig. 3. An AI-based approach to COVID-19 prediction that combines
traditional epidemic SI model, NLP and machine learning tools as introduced
in [42]. A pre-trained NLP model is used to extract NLP features from text
data, i.e. the pandemic news, reports, prevention and control measures. These
features are integrated with infection rate features obtained from the SI model
via multilayer perceptron (MLP) networks before being fed into LSTM model
for COVID-19 case modelling and prediction.
In another work, Lopez et al. [46] recommend the use of
network analysis techniques as well as NLP and text mining
to analyse a multilanguage Twitter dataset to understand
changing policies and common responses to the COVID-
19 outbreak across time and countries. Since the beginning
of the pandemic, governments of many countries have tried
to implement policies to mitigate the spread of the virus.
Responses of people to the pandemic and to the governmental
policies may be collected from social media platforms such
as Twitter. Much of information and misinformation is posted
through these platforms. When stricter policies such as social
distancing and country lockdowns are applied, people’s lives
are changed considerably and part of that can be observed and
captured via people’s reflections on social media platforms
as well. Analysis results of these data can be helpful for
governmental decision makers to mitigate the impacts of the
current pandemic and prepare better policies for possible
future pandemics.
Likewise, three machine learning methods including support
vector machine (SVM), naive Bayes and random forest are
used in [47] to classify 3,000 COVID-19 related posts col-
lected from Sina Weibo, which is the Chinese equivalent of
Twitter, into seven types of situational information. Identifying
situational information is important for authorities because it
helps them to predict its propagation scale, sense the mood of
the public and understand the situation during the crisis. This
contributes to creating proper response strategies throughout
5
the COVID-19 pandemic.
E. AI in Computational Biology and Medicine
Being able to predict structures of a protein will help
understand its functions. Google DeepMind is using the latest
version of their protein structure prediction system, namely
AlphaFold [48], to predict structures of several proteins as-
sociated with COVID-19 based on their corresponding amino
acid sequences. They have released the predicted structures
in [49], but these structures still need to be experimentally
verified. Nevertheless, it is expected that these predictions will
help understand how the coronavirus functions and potentially
lead to future development of therapeutics against COVID-19.
An AI-based generative chemistry approach to design novel
molecules that can inhibit COVID-19 is proposed in [50].
Several generative machine learning models, e.g. generative
autoencoders, GANs, genetic algorithms and language models,
are used to exploit molecular representations to generate
structures, which are then optimized using reinforcement
learning methods. This is an ongoing work as the authors are
synthesising and testing the obtained molecules. However, it
is a promising approach because these AI methods can exploit
the large drug-like chemical space and automatically extract
useful information from high-dimensional data. It is thus able
to construct molecules without manually designing features
and learning the relationships between molecular structures
and their pharmacological properties. The proposed approach
is cost-effective and time-efficient and has a great potential to
generate novel drug compounds in the COVID-19 fight.
On the other hand, Randhawa et al. [51] aim to predict the
taxonomy of COVID-19 based on an alignment-free machine
learning method [52] using genomic signatures and a decision
tree approach. The alignment-free method is a computationally
inexpensive approach that can give rapid taxonomic classi-
fication of novel pathogens by processing only raw DNA
sequence data. By analysing over 5000 unique viral sequences,
the authors are able to confirm the taxonomy of COVID-
19 as belonging to the subgenus Sarbecovirus of the genus
Betacoronavirus, as previously found in [53]. The proposed
method also provides quantitative evidence that supports a
hypothesis about a bat origin for COVID-19 as indicated
in [53], [54]. Recently, Nguyen et al. [55] propose the use
of AI-based clustering methods and more than 300 genome
sequences to search for the origin of the COVID-19 virus.
Numerous clustering experiments are performed on datasets
that combine sequences of the COVID-19 virus and those
of reference viruses of various types. Results obtained show
that COVID-19 virus genomes consistently form a cluster
with those of bat and pangolin coronaviruses. That provides
quantitative evidences to support the hypotheses that bats and
pangolins may have served as the hosts for the COVID-
19 virus. Their findings also suggest that bats are the more
probable origin of the virus than pangolins. AI methods thus
have demonstrated their capabilities and power for mining big
biological datasets in an efficient and intelligent manner, which
contributes to the progress of finding vaccines, therapeutics or
medicines for COVID-19.
III. COVID-19 DATA SOURCES AND POTE NTIAL
MODELLING APP ROAC HE S
This section summarises available data sources relevant to
COVID-19, ranging from numerical data of infection cases,
radiology images [56], Twitter, text, natural language to bi-
ological sequence data (Table II), and highlights potential
AI methods for modelling different types of data. The data
are helpful for research purposes to exploit the capabilities
and power of AI technologies in the battle against COVID-
19. Different data types have different characteristics and
thus require different AI methods to handle. For example,
numerical time series data of infection cases can be dealt with
by traditional machine learning methods such as naive Bayes,
logistic regression, k-nearest neighbors (KNN), SVM, MLP,
fuzzy logic system [57], nonparametric Gaussian process [58],
decision tree, random forest, and ensemble learning algorithms
[59]. Deep learning recurrent neural networks such as LSTM
[45] can be used for regression prediction problems if a
large amount of training data are available. The deeper the
models, the more data are needed to enable the models to learn
effectively from data. Based on their ability to characterize
temporal dynamic behaviours, recurrent networks are well
suited for modelling infection case time series data.
Radiology images such as chest X-ray and CT scans are
high-dimensional data that require processing capabilities of
deep learning methods in which CNN-based models are
common and most suitable (e.g. LeNet [2], AlexNet [3],
GoogLeNet [4], VGG Net [5] and ResNet [6]). CNNs were
inspired by biological processes of visual cortex of human
and animal brains where each cortical neuron is activated
within its receptive field when stimulated. A receptive field
of a neuron covers a specific subarea of the visual field and
thus the entire visual field can be captured by a partial overlap
of receptive fields. A CNN consists of multiple layers where
each neuron of a subsequent (higher) layer connects to a
subset of neurons in the previous (lower) layer. This allows
the receptive field of a neuron of a higher layer covers a
larger portion of images compared to that of a lower layer.
The higher layer is able to learn more abstract features of
images than the lower layer by taking into account the spatial
relationships between different receptive fields. This use of
receptive fields enables CNNs to recognize visual patterns
and capture features from images without prior knowledge
or making hand-crafted features as in traditional machine
learning approaches. This principle is applied to different CNN
architectures although they may differ in the number of layers,
number of neurons in each layer, the use of activation and
loss functions as well as regularization and learning algorithms
[60]. Transfer learning methods can be used to customize CNN
models, which have been pretrained on large medical image
datasets, for the COVID-19 diagnosis problem. This would
avoid training a CNN from scratch and thus reduce training
time and the need for COVID-19 radiology images, which may
not be sufficiently available in the early stage of the pandemic.
Alternatively, unstructured natural language data need text
mining tools, e.g. Natural Language ToolKit (NLTK) [61],
and advanced NLP and natural language generation (NLG)
6
TABLE II
AVAI LA BLE DATA SO UR CES A BO UT COVID-19 NUMBER OF CASES,RADIOLOGY IMAGES,TEXT A ND TW ITT ER DATA,AND BIOLOGICAL SEQUENCES
Sources Data Type Links
Johns Hopkins University [78] Web-based mapping global cases https://systems.jhu.edu/research/public-health/ncov/
C. R. Wells’s GitHub [79] Daily incidence data and airport connectiv-
ity from China
https://github.com/WellsRC/Coronavirus-2019
Conference of State Bank Super-
visors
U.S. county-level map of coronavirus cases
(updated hourly)
https://www.csbs.org/information-covid-19-coronavirus
DataHub Time series data on cases https://datahub.io/core/covid-19
China CDC (CCDC) Daily number of cases in China http://weekly.chinacdc.cn/news/TrackingtheEpidemic.htm
U.S. CDC Cases in U.S. https://www.cdc.gov/coronavirus/2019-ncov/index.html
https://www.coronavirus.gov/
U.S. National Institutes of Health Cases in U.S. https://www.nih.gov/health-information/coronavirus
Italy Ministry of Health Cases in Italy http://www.salute.gov.it/nuovocoronavirus
Kaggle Cases in South Korea https://www.kaggle.com/kimjihoo/coronavirusdataset
W. Zeng’s website Global cases and country cases http://open-source-covid-19.weileizeng.com/
J. P. Cohen’s GitHub [80] Chest X-ray and CT images https://github.com/ieee8023/covid-chestxray-dataset
European Society of Radiology Chest X-ray and CT images https://www.eurorad.org/advanced-search?search=COVID
Italian Society of Medical Radi-
ology (SIRM)
Chest X-ray and CT images https://www.sirm.org/category/senza-categoria/covid-19/
British Society of Thoracic Imag-
ing (BSTI)
Chest X-ray and CT images https://bit.ly/BSTICovid19 Teaching Library
Kaggle Chest X-ray and CT images https://www.kaggle.com/bachrr/covid-chest-xray
UCSD-AI4H [81] CT images https://github.com/UCSD-AI4H/COVID-CT
MedSeg (medseg.ai) CT images http://medicalsegmentation.com/covid19/
Point-of-Care Ultrasound
(POCUS) [82]
Lung ultrasound images and videos https://github.com/jannisborn/covid19 pocus ultrasound/tree/master/
data
COVID-19 Radiography
Database [21]
Chest X-ray images https://www.kaggle.com/tawsifurrahman/covid19-radiography-
database
A. G. Chung’s GitHub - Ac-
tualmed Initiative
Chest X-ray images https://github.com/agchung/Actualmed-COVID-chestxray-
dataset/tree/master/images
A. G. Chung’s GitHub - Figure 1
Initiative
Chest X-ray images https://github.com/agchung/Figure1-COVID-chestxray-
dataset/tree/master/images
Georgia State University’s
Panacea Lab [83]
Twitter chatter dataset in many languages http://www.panacealab.org/covid19/
COVID-19 Open Research
Dataset (CORD-19) [84]
45,000 scholarly articles about COVID-19
and the coronavirus family
https://pages.semanticscholar.org/coronavirus-research
https://www.kaggle.com/allen-institute-for-ai/CORD-19-research-
challenge
World Health Organization Latest scientific findings and knowledge on
COVID-19
https://www.who.int/emergencies/diseases/novel-coronavirus-
2019/global-research-on-novel-coronavirus-2019-ncov
NCBI GenBank SARS-CoV-2 sequences https://www.ncbi.nlm.nih.gov/genbank/sars-cov-2-seqs/
The GISAID Initiative SARS-CoV-2 sequences https://www.gisaid.org/
China National GeneBank COVID-19 sequence database https://db.cngb.org/datamart/disease/DATAdis19/
EMBL-EBI Sequences, gene and protein expression,
protein structures
https://www.covid19dataportal.org/
tools for various tasks such as text classification, text sum-
marization, machine translation, named entity recognition,
speech recognition, and question and answering. These tools
may include Embeddings from Language Models (ELMo)
[62], Universal Language Model Fine-Tuning (ULMFiT) [63],
Transformer [64], Googles Bidirectional Encoder Representa-
tions from Transformers (BERT) [65], Transformer-XL [66],
XLNet [67], Enhanced Representation through kNowledge
IntEgration (ERNIE) [68], Text-to-Text Transfer Transformer
(T5) [69], Binary-Partitioning Transformer (BPT) [70] and
OpenAIs Generative Pretrained Transformer 2 (GPT-2) [71].
The core components of these tools are deep learning and
transfer learning methods. For example, ELMo and ULM-
FiT are built using LSTM-based language models while
Transformer utilizes an encoder-decoder structure. Likewise,
BERT and ERNIE use multi-layer Transformer as a basic
encoder while XLNet is a generalized autoregressive pretrain-
ing method inherited from Transformer-XL. Transformer also
serves as a basic model for T5, BPT and GPT-2. These are
excellent tools for many NLP and NLG tasks to handle text
and natural language data related to COVID-19.
Analysing biological sequence data such as viral genomic
and proteomic sequences requires either traditional machine
learning or advanced deep learning or a combination of both
depending on problems being addressed and data pipelines
used. As an example, traditional clustering methods, e.g.
hierarchical clustering and density-based spatial clustering of
applications with noise (DBSCAN) [72], can be employed
to find the virus origin using genomic sequences [55]. Al-
ternatively, a fuzzy logic system can be used to predict
protein secondary structures based on quantitative properties
of amino acids, which are used to encode the twenty common
amino acids [73]. A combination between principal component
analysis and lasso (least absolute shrinkage and selection
operator) can be used as a supervised approach for analysing
single-nucleotide polymorphism genetic variation data [74].
7
Advances in deep learning may be utilized for protein structure
prediction using protein amino acid sequences as in [48], [75].
An overview on the use of various types of machine learning
and deep learning methods for analysing genetic and genomic
data can be referred to [76], [77]. Typical applications may
include, for example, recognizing the locations of transcription
start sites, identifying splice sites, promoters, enhancers, or
positioned nucleosomes in a genome sequence, analysing
gene expression data for finding disease biomarkers, assigning
functional annotations to genes, predicting the expression of a
gene [76], identifying splicing junction at the DNA level, pre-
dicting the sequence specificities of DNA- and RNA-binding
proteins, modelling structural features of RNA-binding protein
targets, predicting DNA-protein binding, or annotating the
pathogenicity of genetic variants [77]. These applications can
be utilized for analysing genomic and genetic data of severe
acute respiratory syndrome coronavirus 2 (SARS-CoV-2), the
highly pathogenic virus that has caused the global COVID-19
pandemic.
IV. CONCLUSIONS AND FUTURE RESEARCH DIRECTIONS
The COVID-19 pandemic has considerably affected lives of
people around the globe and the number of deaths related to
the disease keeps increasing worldwide. While AI technologies
have penetrated into our daily lives with many successes, they
have also contributed to helping humans in the tough fight
against COVID-19. This paper has presented a survey of AI
applications so far in the literature relevant to the COVID-
19 crisis’s responses and control strategies. These applications
range from medical diagnosis based on chest radiology images,
virus transmission modelling and forecasting based on number
of cases time series and IoT data, text mining and NLP to
capture the public awareness of virus prevention measures, to
biological data analysis for drug discovery. Although various
studies have been published, we observe that there are still
relatively limited applications and contributions of AI in this
battle. This is partly due to the limited availability of data
about COVID-19 whilst AI methods normally require large
amounts of data for computational models to learn and acquire
knowledge. However, we expect that the number of AI studies
related to COVID-19 will increase significantly in the months
to come when more COVID-19 data such as medical im-
ages and biological sequences are available. Current available
datasets as summarized in Table II are stored in various
formats and standards that would hinder the development of
COVID-19 related AI research. A future work on creating,
hosting and benchmarking COVID-19 related datasets is es-
sential because it will help to accelerate discoveries useful
for tackling the disease. Repositories for this goal should be
created following standardized protocols and allow researchers
and scientists across the world to contribute to and utilize them
freely for research purposes.
Among the published works, the use of deep learning
techniques for COVID-19 diagnosis based on radiology imag-
ing data appears to be dominant. As summarized in Table
1, numerous studies have used various deep learning meth-
ods, applying on different datasets and utilizing a number
of evaluation criteria. This creates an immediate concern
about difficulties when utilizing these approaches to the real-
world clinical practice. Accordingly, there is a demand for
a future work on developing a benchmark framework to
validate and compare the existing methods. This framework
should facilitate the same computing hardware infrastructure,
(universal) datasets covering same patient cohorts, same data
pre-processing procedures and evaluation criteria across AI
methods being evaluated.
Furthermore, as Li et al. [8] pointed out, although their
model obtained great accuracy in distinguishing COVID-19
with other types of viral pneumonia using radiology images,
it still lacks of transparency and interpretability. For example,
they do not know which imaging features have unique effects
on the output computation. The benefit that black box deep
learning methods can provide to clinical doctors is therefore
questionable. A future study on explainable AI to explain
the deep learning models’ performance as well as features of
images that contribute to the distinction between COVID-19
and other types of pneumonia is necessary. This would help
radiologists and clinical doctors to gain insights about the virus
and examine future coronavirus CT and X-ray images more
effectively.
In the field of computational biology and medicine, AI
has been used to partially understand COVID-19 or discover
novel drug compounds against the virus [49], [50]. These
are just initial results and thus there is a great demand for
AI research in this field, e.g., to investigate genetics and
chemistry of the virus and suggest ways to quickly produce
vaccines and treatment drugs. With a strong computational
power that is able to deal with large amounts of data, AI
can help scientists to gain knowledge about the coronavirus
quickly. For example, by exploring and analyzing protein
structures of virus, medical researchers would be able to find
components necessary for a vaccine or drug more effectively.
This process would be very time consuming and expensive
with conventional methods [85]. Recent astonishing success of
deep learning in identifying powerful new kinds of antibiotic
from a pool of more than 100 million molecules as published
in [86] gives a strong hope to this line of research in the battle
against COVID-9.
Compared to the 1918 Spanish flu pandemic [87], we are
now fortunately living in the age of exponential technology.
When everybody, organization and government try their best
in the battle against the pandemic, the power of AI should be
fully exploited and employed to support humans to combat this
battle. AI can be utilized for the preparedness and response
activities against the unprecedented national and global cri-
sis. For example, AI can be used to create more effective
robots and autonomous machines for disinfection, working
in hospitals, delivering food and medicine to patients. AI-
based NLP tools can be used to create systems that help
understand the public responses to intervention strategies, e.g.
lockdown and physical distancing, to detect problems such as
mental health and social anxiety, and to aid governments in
making better public policies. NLP technologies can also be
employed to develop chatbot systems that are able to remotely
communicate and provide consultations to people and patients
8
about the coronavirus. AI can be used to eradicate fake news
on social media platforms to ensure clear, responsible and
reliable information about the pandemic such as scientific
evidences relevant to the virus, governmental social distancing
policies or other pandemic prevention and control measures.
In Table III, we point out 13 groups of problems related to
COVID-19 along with types of data needed and potential AI
methods that can be used to solve those problems. We do not
aim to cover all possible AI applications but emphasize on
realistic applications that can be achieved along with their
technical challenges. Those challenges need to be addressed
effectively for AI methods to bring satisfactory results.
It is great to observe the increasing number of AI applica-
tions against the COVID-19 pandemic. AI methods however
are not silver bullets but they have limitations and challenges
such as inadequate training and validation data or when data
are abundantly available, they are normally in poor quality.
Huge efforts are needed for an AI system to be effective
and useful. They may include appropriate data processing
pipelines, model selection, efficient algorithm development,
remodelling and retraining, continuous performance monitor-
ing and validation to facilitate continuous deployment and
so on. There are AI ethics principles and guidelines [88],
[89] that each phase of the AI system lifecycle, i.e. design,
TABLE III
SUMMARY OF EXISTING AND POTENTIAL AI APP LIC ATIO NS TO D EA L WIT H TH E COVID-19 PANDEMIC,DATA NEE DED ,CH ALL EN GES N EED T O BE
ADDRESSED,AN D AI ME THO DS T HAT CA N BE US ED
Applications Types of Data Challenges Related AI Methods
Screen and triage patients,
identify effective personalized
medicines and treatments, risk
evaluation, survival prediction,
healthcare and medical re-
source planning.
Clinical symptoms, routine
laboratory tests, blood exams,
electronic health records,
heart rate, respiratory
rate, data observed from
previous patients, e.g. clinical
information, administered
treatments, patients’ case
history.
- Challenging to collect physiological
characteristics and therapeutic out-
comes of patients.
- Low-quality data would make biased
and inaccurate predictions.
- Uncertainty of AI models outcomes.
- Privacy and confidentiality issues.
[90]–[96] Machine learning
techniques, e.g. naive
Bayes, logistic regression,
KNN, SVM, MLP, fuzzy
logic system, ElasticNet
regression [97], decision
tree, random forest,
nonparametric Gaussian
process [58], deep learning
techniques such as LSTM
[45] and other recurrent
networks, and optimization
methods.
Predict number of infected
cases, infection rate and
spreading trend.
Time series case data, pop-
ulation density, demographic
data.
- Insufficient time series data, leading
to unreliable results.
- Complex models may not be more
reliable than simple models [98].
[26], [99],
[100]
COVID-19 early diagnosis us-
ing medical images.
Radiology images, e.g. chest
X-ray and CT scans.
- Imbalanced datasets due to insuffi-
cient COVID-19 medical image data.
- Long training time and unable to
explain the results.
- Generalisation problem and vulner-
able to false negatives.
[101]–[119]
and works in
Table I.
Deep learning CNN-based
models (e.g. AlexNet [3],
GoogLeNet [4], VGG
network [5], ResNet [6],
DenseNet [23], ResNeXt
[24], and ZFNet [120]),
AIbased computer vision
camera systems, and facial
recognition systems.
Scan crowds for people with
high temperature, and moni-
tor people for social distancing
and mask-wearing or during
lockdown.
Infrared camera images, ther-
mal scans.
- Cannot measure inner-body temper-
ature and a proportion of patients are
asymptomatic, leading to imprecise
results.
- Privacy invasion issues.
[121]–[123]
Analyse viral genomes, create
evolutionary (phylogenetic)
tree, find virus origin, track
physiological and genetic
changes, predict protein
secondary and tertiary
structures.
Viral genome and protein se-
quence data
- Computational expenses are huge
for aligning a large dataset of ge-
nomic or proteomic sequences.
- Deep learning models take long
training time, especially for large
datasets, and are normally unexplain-
able.
[55], [75],
DeepMinds
AlphaFold
[48], [49]
- Sequence alignment, e.g.
dynamic programming,
heuristic and probabilistic
methods.
- Clustering algorithms,
e.g. hierarchical clustering,
k-means, DBSCAN [72] and
supervised deep learning.
Discover vaccine and drug bio-
chemical compounds and can-
didates, and optimize clinical
trials.
Viral genome and protein
sequences, transcriptome
data, drug-target interactions,
protein-protein interactions,
crystal structure of protein, co-
crystalized ligands, homology
model of proteins, and clinical
data.
- Dealing with big genomic and pro-
teomic data.
- Results need to be verified with
experimental studies.
- It can take long time for a promising
candidate to become a viable vaccine
or treatment method.
[50], [124]–
[132]
Heuristic algorithm, graph
theory, combinatorics, and
machine learning such as
adversarial autoencoders
[50], multitask CNN [124],
GAN [50], [125], deep
reinforcement learning [50],
[126], [127].
Making drones and robots for
disinfection, cleaning, obtain-
ing patients vital signs, dis-
tance treatment, and deliver
medication.
Simulation environments and
demonstration data for training
autonomous agents.
- Safety must be guaranteed at the
highest level.
- Trust in autonomous systems.
- Huge efforts from training agents to
implementing them to real machines.
[133]–[136] Deep learning, computer vi-
sion, optimization and con-
trol, transfer learning, deep
reinforcement learning [137],
learning from demonstrations.
Track and predict economic re-
covery via, e.g. detection of
solar panel installations, count-
ing cars in parking lots.
Satellite images, GPS data
(e.g. daily anonymized data
from mobile phone users to
count the number of com-
muters in cities).
- Difficult to obtain satellite data in
some regions.
- Noise in satellite images.
- Anonymized mobile phone data se-
curity.
[138], [139] Deep learning, e.g. autoen-
coder models for feature ex-
traction and dimensionality
reduction, and CNN-based
models for object detection.
9
Applications Types of Data Challenges Related AI Methods
Real-time spread tracking,
surveillance, early warning
and alerts for particular
geographical locations, like
the global Zika virus spread
model BlueDot [140].
Anonymized location data from
cellphones, flight itinerary data,
ecological data, animal and
plant disease networks, temper-
ature profiles, foreign-language
news reports, public announce-
ments, and population distri-
bution data, e.g. LandScan
datasets [141].
- Insufficient data in some regions of
the world, leading to skewed results.
- Inaccurate predictions may lead to
mass hysteria in public health.
- Privacy issues to ensure cellphone
data remain anonymous.
BlueDot
[142],
Metabiota
Epidemic
Tracker
[143],
HealthMap
[144]
Deep learning (e.g.
autoencoders and recurrent
networks), transfer learning,
and NLG and NLP tools
(e.g. NLTK [61], ELMo
[62], ULMFiT [63],
Transformer [64], Googles
BERT [65], Transformer-
XL [66], XLNet [67],
ERNIE [68], T5 [69],
BPT [70] and OpenAIs
GPT-2 [71]) for various
natural language related
tasks such as terminology
and information extraction,
automatic summarization,
relationship extraction,
text classification, text and
semantic annotation,
sentiment analysis,
named entity recognition,
topic segmentation and
modelling, machine
translation, speech
recognition and synthesis,
automated question and
answering.
Understand communities’ re-
sponses to intervention strate-
gies, e.g. physical distancing
or lockdown, to aid public pol-
icy makers and detect prob-
lems such as mental health.
News outlets, forums, health-
care reports, travel data, and
social media posts in multiple
languages across the world.
- Social media data and news reports
may be low-quality, multidimensional,
and highly unstructured.
- Issues related to language translation.
- Data cannot be collected from popu-
lations with limited internet access.
[145]–[147]
Mining text to obtain
knowledge about COVID-
19 transmission modes,
incubation, risk factors, non-
pharmaceutical interventions,
medical care, virus genetics,
origin, and evolution.
Text data on COVID-19 virus
such as scholarly articles in
CORD-19 dataset [84].
- Dealing with inaccurate and ambigu-
ous information in the text data.
- Large volume of data from heteroge-
neous sources.
- Excessive amount of data make dif-
ficult to extract important pieces of
information.
[148]–[150]
Mining text to discover can-
didates for vaccines, antiviral
drugs, therapeutics, and drug
repurposing through search-
ing for elements similar to
COVID-19 virus.
Text data about treatment effec-
tiveness, therapeutics and vac-
cines on scholarly articles, e.g.
CORD-19 dataset [84] and li-
braries of drug compounds.
- Need to involve medical experts
knowledge.
- Typographical errors in text data need
to be rectified carefully.
[132],
[151]–[155]
Making chatbots to consult pa-
tients and communities, and
combat misinformation (fake
news) about COVID-19.
Medical expert guidelines and
information.
- Unable to deal with unsaved query.
- Require a large amount of data and
information from medical experts.
- Users are uncomfortable with chat-
bots being machines.
- Irregularities in language expression
such as accents and mistakes.
[156]–[164]
development, implementation and ongoing maintenance, may
need to adhere to, especially when most AI applications
against COVID-19 involve or affect human beings. The more
AI applications are proposed, the more these applications need
to ensure fairness, safety, explainability, accountability, privacy
protection and data security, be aligned with human values, and
have positive impacts on societal and environmental wellbeing.
REFERENCES
[1] World Health Organization (2020). WHO coronavirus disease (COVID-
19) dashboard. https://covid19.who.int/. Accessed on 17 July 2020.
[2] LeCun, Y., Bottou, L., Bengio, Y., and Haffner, P. (1998). Gradient-
based learning applied to document recognition. Proceedings of the
IEEE, 86(11), 2278-2324.
[3] Krizhevsky, A., Sutskever, I., and Hinton, G. E. (2012). Imagenet
classification with deep convolutional neural networks. In Advances
in Neural Information Processing Systems (pp. 1097-1105).
[4] Szegedy, C., Liu, W., Jia, Y., Sermanet, P., Reed, S., Anguelov, D.,
... and Rabinovich, A. (2015). Going deeper with convolutions. In
Proceedings of the IEEE Conference on Computer Vision and Pattern
Recognition (pp. 1-9).
[5] Simonyan, K., and Zisserman, A. (2014). Very deep convolu-
tional networks for large-scale image recognition. arXiv preprint
arXiv:1409.1556.
[6] He, K., Zhang, X., Ren, S., and Sun, J. (2016). Deep residual learning
for image recognition. In Proceedings of the IEEE Conference on
Computer Vision and Pattern Recognition (pp. 770-778).
[7] Bai, H. X., Hsieh, B., Xiong, Z., Halsey, K., Choi, J. W., Tran, T. M. L.,
... and Jiang, X. L. (2020). Performance of radiologists in differentiating
COVID-19 from viral pneumonia on chest CT. Radiology, 200823.
[8] Li, L., Qin, L., Xu, Z., Yin, Y., Wang, X., Kong, B., ... and Cao, K.
(2020). Artificial intelligence distinguishes COVID-19 from commu-
nity acquired pneumonia on chest CT. Radiology, 200905.
[9] Xu, X., Jiang, X., Ma, C., Du, P., Li, X., Lv, S., ... and Li, Y. (2020).
Deep learning system to screen coronavirus disease 2019 pneumonia.
arXiv preprint arXiv:2002.09334.
[10] Kanne, J. P. (2020). Chest CT findings in 2019 novel coronavirus
(2019-nCoV) infections from Wuhan, China: key points for the ra-
diologist. Radiology, 200241.
[11] Chung, M., Bernheim, A., Mei, X., Zhang, N., Huang, M., Zeng, X., ...
and Jacobi, A. (2020). CT imaging features of 2019 novel coronavirus
(2019-nCoV). Radiology, 200230.
[12] Ghoshal, B., and Tucker, A. (2020). Estimating uncertainty and in-
terpretability in deep learning for coronavirus (COVID-19) detection.
arXiv preprint arXiv:2003.10769.
[13] Wang, S., Kang, B., Ma, J., Zeng, X., Xiao, M., Guo, J., ...
and Xu, B. (2020). A deep learning algorithm using CT im-
ages to screen for corona virus disease (COVID-19). medRxiv, doi:
https://doi.org/10.1101/2020.02.14.20023028.
[14] Bai, X., Fang, C., Zhou, Y., Bai, S., Liu, Z., Chen, Q., ... and Song,
D. (2020). Predicting COVID-19 malignant progression with AI tech-
niques. medRxiv, doi: https://doi.org/10.1101/2020.03.20.20037325.
[15] Jin, C., Chen, W., Cao, Y., Xu, Z., Zhang, X., Deng, L., ... and Feng, J.
(2020). Development and evaluation of an AI system for COVID-19.
medRxiv, doi: https://doi.org/10.1101/2020.03.20.20039834.
[16] Jin, S., Wang, B., Xu, H., Luo, C., Wei, L., Zhao, W., ... and Sun,
W. (2020). AI-assisted CT imaging analysis for COVID-19 screening:
Building and deploying a medical AI system in four weeks. medRxiv,
doi: https://doi.org/10.1101/2020.03.19.20039354.
[17] Zhou, Z., Siddiquee, M. M. R., Tajbakhsh, N., and Liang, J. (2018).
Unet++: A nested u-net architecture for medical image segmentation.
In Deep Learning in Medical Image Analysis and Multimodal Learning
for Clinical Decision Support (pp. 3-11). Springer, Cham.
[18] Narin, A., Kaya, C., and Pamuk, Z. (2020). Automatic detection
of coronavirus disease (COVID-19) using X-ray images and deep
convolutional neural networks. arXiv preprint arXiv:2003.10849.
[19] Wang, L., and Wong, A. (2020). COVID-Net: A tailored deep convo-
lutional neural network design for detection of COVID-19 cases from
chest radiography images. arXiv preprint arXiv:2003.09871.
10
[20] Gozes, O., Frid-Adar, M., Greenspan, H., Browning, P. D., Zhang, H.,
Ji, W., ... and Siegel, E. (2020). Rapid AI development cycle for the
coronavirus (COVID-19) pandemic: initial results for automated de-
tection and patient monitoring using deep learning CT image analysis.
arXiv preprint arXiv:2003.05037.
[21] Chowdhury, M. E., Rahman, T., Khandakar, A., Mazhar, R., Kadir,
M. A., Mahbub, Z. B., ... and Reaz, M. B. I. (2020). Can AI
help in screening viral and COVID-19 pneumonia?. arXiv preprint
arXiv:2003.13145.
[22] Maghdid, H. S., Asaad, A. T., Ghafoor, K. Z., Sadiq, A. S., and Khan,
M. K. (2020). Diagnosing COVID-19 pneumonia from X-ray and CT
images using deep learning and transfer learning algorithms. arXiv
preprint arXiv:2004.00038.
[23] Huang, G., Liu, Z., Van Der Maaten, L., and Weinberger, K. Q. (2017).
Densely connected convolutional networks. In Proceedings of the IEEE
Conference on Computer Vision and Pattern Recognition (pp. 4700-
4708).
[24] Xie, S., Girshick, R., Dollar, P., Tu, Z., and He, K. (2017). Aggregated
residual transformations for deep neural networks. In Proceedings of
the IEEE Conference on Computer Vision and Pattern Recognition (pp.
1492-1500).
[25] Iandola, F. N., Han, S., Moskewicz, M. W., Ashraf, K., Dally,
W. J., and Keutzer, K. (2016). SqueezeNet: AlexNet-level accuracy
with 50x fewer parameters and <0.5MB model size. arXiv preprint
arXiv:1602.07360.
[26] Hu, Z., Ge, Q., Jin, L., and Xiong, M. (2020). Artificial intelligence
forecasting of Covid-19 in China. arXiv preprint arXiv:2002.07112.
[27] Ye, Y., Hou, S., Fan, Y., Qian, Y., Zhang, Y., Sun, S., ... and Laparo, K.
(2020). α-Satellite: An AI-driven system and benchmark datasets for
hierarchical community-level risk assessment to help combat COVID-
19. arXiv preprint arXiv:2003.12232.
[28] Mirza, M., and Osindero, S. (2014). Conditional generative adversarial
nets. arXiv preprint arXiv:1411.1784.
[29] Chang, S. L., Harding, N., Zachreson, C., Cliff, O. M., and Prokopenko,
M. (2020). Modelling transmission and control of the COVID-19
pandemic in Australia. arXiv preprint arXiv:2003.10218.
[30] Zachreson, C., Fair, K. M., Cliff, O. M., Harding, N., Piraveenan,
M., and Prokopenko, M. (2018). Urbanization affects peak timing,
prevalence, and bimodality of influenza pandemics in Australia: Results
of a census-calibrated model. Science Advances, 4(12), eaau5294.
[31] Cliff, O. M., Harding, N., Piraveenan, M., Erten, E. Y., Gambhir, M.,
and Prokopenko, M. (2018). Investigating spatiotemporal dynamics
and synchrony of influenza epidemics in Australia: An agent-based
modelling approach. Simulation Modelling Practice and Theory, 87,
412-431.
[32] Maghdid, H. S., Ghafoor, K. Z., Sadiq, A. S., Curran, K., and Rabie,
K. (2020). A novel AI-enabled framework to diagnose coronavirus
COVID-19 using smartphone embedded sensors: design study. arXiv
preprint arXiv:2003.07434.
[33] Maddah, E., and Beigzadeh, B. (2020). Use of a smartphone thermome-
ter to monitor thermal conductivity changes in diabetic foot ulcers: a
pilot study. Journal of Wound Care, 29(1), 61-66.
[34] Karvekar, S. B. (2019). Smartphone-based human fatigue detec-
tion in an industrial environment using gait analysis. Available
at: https://scholarworks.rit.edu/theses/10275/. Accessed on 1 February
2020.
[35] Roldan Jimenez, C., Bennett, P., Ortiz Garcia, A., and Cuesta Vargas,
A. I. (2019). Fatigue detection during sit-to-stand test based on surface
electromyography and acceleration: a case study. Sensors, 19(19), 4202.
[36] Story, A., Aldridge, R. W., Smith, C. M., Garber, E., Hall, J., Fer-
enando, G., ... and Abubakar, I. (2019). Smartphone-enabled video-
observed versus directly observed treatment for tuberculosis: a mul-
ticentre, analyst-blinded, randomised, controlled superiority trial. The
Lancet, 393(10177), 1216-1224.
[37] Lawanont, W., Inoue, M., Mongkolnam, P., and Nukoolkit, C. (2018).
Neck posture monitoring system based on image detection and smart-
phone sensors using the prolonged usage classification concept. IEEJ
Transactions on Electrical and Electronic Engineering, 13(10), 1501-
1510.
[38] Nemati, E., Rahman, M. M., Nathan, V., Vatanparvar, K., and Kuang,
J. (2019, September). A comprehensive approach for cough type
detection. In 2019 IEEE/ACM International Conference on Connected
Health: Applications, Systems and Engineering Technologies (CHASE)
(pp. 15-16). IEEE.
[39] Vhaduri, S., Van Kessel, T., Ko, B., Wood, D., Wang, S., and
Brunschwiler, T. (2019, June). Nocturnal cough and snore detection
in noisy environments using smartphone-microphones. In 2019 IEEE
International Conference on Healthcare Informatics (ICHI) (pp. 1-7).
IEEE.
[40] Rao, A. S. S., and Vazquez, J. A. (2020). Identification of COVID-
19 can be quicker through artificial intelligence framework using a
mobile phone-based survey in the populations when cities/towns are
under quarantine. Infection Control and Hospital Epidemiology, 1-18.
DOI: https://doi.org/10.1017/ice.2020.61.
[41] Allam, Z., and Jones, D. S. (2020, March). On the coronavirus
(COVID-19) outbreak and the smart city network: universal data
sharing standards coupled with artificial intelligence (AI) to benefit
urban health monitoring and management. In Healthcare (vol. 8, no.
1, p. 46). MDPI.
[42] Du, S., Wang, J., Zhang, H., Cui, W., Kang, Z., Yang, T., ... and Yuan,
Q. (2020). Predicting COVID-19 using hybrid AI model. Available at
http://dx.doi.org/10.2139/ssrn.3555202.
[43] Ng, T. W., Turinici, G., and Danchin, A. (2003). A double epidemic
model for the SARS propagation. BMC Infectious Diseases, 3(1), 19.
[44] Berge, T., Lubuma, J. S., Moremedi, G. M., Morris, N., and Kondera-
Shava, R. (2017). A simple mathematical model for Ebola in Africa.
Journal of Biological Dynamics, 11(1), 42-74.
[45] Hochreiter, S., and Schmidhuber, J. (1997). Long short-term memory.
Neural Computation, 9(8), 1735-1780.
[46] Lopez, C. E., Vasu, M., and Gallemore, C. (2020). Understanding the
perception of COVID-19 policies by mining a multilanguage Twitter
dataset. arXiv preprint arXiv:2003.10359.
[47] Li, L., Zhang, Q., Wang, X., Zhang, J., Wang, T., Gao, T. L., ...
and Wang, F. Y. (2020). Characterizing the propagation of situational
information in social media during COVID-19 epidemic: A case study
on Weibo. IEEE Transactions on Computational Social Systems. doi:
10.1109/TCSS.2020.2980007.
[48] Senior, A. W., Evans, R., Jumper, J., Kirkpatrick, J., Sifre, L., Green,
T., ... and Penedones, H. (2020). Improved protein structure prediction
using potentials from deep learning. Nature, 577, 706-710.
[49] Jumper, J., Tunyasuvunakool, K., Kohli, P., Hassabis, D. and the
AlphaFold Team (2020). Computational predictions of protein
structures associated with COVID-19, DeepMind website, 5 March
2020, https://deepmind.com/research/open-source/computational-
predictions-of-protein-structures-associated-with-COVID-19.
[50] Zhavoronkov, A., Aladinskiy, V., Zhebrak, A., Zagribelnyy, B.,
Terentiev, V., Bezrukov, D. S., ... and Yan, Y. (2020). Po-
tential COVID-2019 3C-like protease inhibitors designed us-
ing generative deep learning approaches. ChemRxiv Preprint,
https://doi.org/10.26434/chemrxiv.11829102.v2.
[51] Randhawa, G. S., Soltysiak, M. P., El Roz, H., de Souza, C. P., Hill,
K. A., and Kari, L. (2020). Machine learning using intrinsic genomic
signatures for rapid classification of novel pathogens: COVID-19 case
study. bioRxiv, doi: https://doi.org/10.1101/2020.02.03.932350.
[52] Randhawa, G. S., Hill, K. A., and Kari, L. (2019). MLDSP-GUI:
an alignment-free standalone tool with an interactive graphical user
interface for DNA sequence comparison and analysis. Bioinformatics,
doi: 10.1093/bioinformatics/btz918.
[53] Lu, R., Zhao, X., Li, J., Niu, P., Yang, B., Wu, H., ... and Bi, Y.
(2020). Genomic characterisation and epidemiology of 2019 novel
coronavirus: implications for virus origins and receptor binding. The
Lancet, 395(10224), 565-574.
[54] Zhou, P., Yang, X. L., Wang, X. G., Hu, B., Zhang, L., Zhang, W., ...
and Chen, H. D. (2020). A pneumonia outbreak associated with a new
coronavirus of probable bat origin. Nature, 579(7798), 270-273.
[55] Nguyen, T. T., Abdelrazek, M., Nguyen, D. T., Aryal, S., Nguyen, D.
T., and Khatami, A. (2020). Origin of novel coronavirus (COVID-19):
a computational biology study using artificial intelligence. bioRxiv, doi:
https://doi.org/10.1101/2020.05.12.091397.
[56] Kalkreuth, R., and Kaufmann, P. (2020). COVID-19: a survey on public
medical imaging data resources. arXiv preprint arXiv:2004.04569.
[57] Nguyen, T., Khosravi, A., Creighton, D., and Nahavandi, S. (2013,
August). Epidemiological dynamics modeling by fusion of soft comput-
ing techniques. In The 2013 International Joint Conference on Neural
Networks (IJCNN) (pp. 1-8). IEEE.
[58] Williams, C. K., and Rasmussen, C. E. (2006). Gaussian Processes for
Machine Learning. Cambridge, MA: MIT press.
[59] Kourentzes, N., Barrow, D. K., and Crone, S. F. (2014). Neural network
ensemble operators for time series forecasting. Expert Systems with
Applications, 41(9), 4235-4244.
[60] Khan, A., Sohail, A., Zahoora, U., and Qureshi, A. S. (2020). A survey
of the recent architectures of deep convolutional neural networks.
Artificial Intelligence Review, doi: https://doi.org/10.1007/s10462-020-
09825-6.
11
[61] Bird, S., Loper, E. and Klein, E. (2009). Natural Language Processing
with Python. OReilly Media Inc.
[62] Peters, M. E., Neumann, M., Iyyer, M., Gardner, M., Clark, C., Lee, K.,
and Zettlemoyer, L. (2018). Deep contextualized word representations.
In Proceedings of NAACL-HLT (pp. 2227-2237).
[63] Howard, J., and Ruder, S. (2018, July). Universal language model
fine-tuning for text classification. In Proceedings of the 56th Annual
Meeting of the Association for Computational Linguistics (pp. 328-
339).
[64] Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez,
A. N., ... and Polosukhin, I. (2017). Attention is all you need. In
Advances in Neural Information Processing Systems (pp. 5998-6008).
[65] Devlin, J., Chang, M. W., Lee, K., and Toutanova, K. (2019, June).
BERT: Pre-training of deep bidirectional transformers for language
understanding. In Proceedings of the 2019 Conference of the North
American Chapter of the Association for Computational Linguistics:
Human Language Technologies (pp. 4171-4186).
[66] Dai, Z., Yang, Z., Yang, Y., Carbonell, J. G., Le, Q., and Salakhutdinov,
R. (2019, July). Transformer-XL: attentive language models beyond a
fixed-length context. In Proceedings of the 57th Annual Meeting of the
Association for Computational Linguistics (pp. 2978-2988).
[67] Yang, Z., Dai, Z., Yang, Y., Carbonell, J., Salakhutdinov, R. R., and
Le, Q. V. (2019). XLNet: Generalized autoregressive pretraining for
language understanding. In Advances in Neural Information Processing
Systems (pp. 5753-5763).
[68] Zhang, Z., Han, X., Liu, Z., Jiang, X., Sun, M., and Liu, Q. (2019,
July). ERNIE: Enhanced Language Representation with Informative
Entities. In Proceedings of the 57th Annual Meeting of the Association
for Computational Linguistics (pp. 1441-1451).
[69] Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M.,
... and Liu, P. J. (2019). Exploring the limits of transfer learning with
a unified text-to-text transformer. arXiv preprint arXiv:1910.10683.
[70] Ye, Z., Guo, Q., Gan, Q., Qiu, X., and Zhang, Z. (2019). BP-
transformer: modelling long-range context via binary partitioning.
arXiv preprint arXiv:1911.04070.
[71] Radford, A., Wu, J., Child, R., Luan, D., Amodei, D., and Sutskever, I.
(2019). Language models are unsupervised multitask learners. OpenAI
Blog, 1(8), 9.
[72] Ester, M., Kriegel, H. P., Sander, J., and Xu, X. (1996, August).
A density-based algorithm for discovering clusters in large spatial
databases with noise. In KDD, 96(34), 226-231.
[73] Nguyen, T., Khosravi, A., Creighton, D., and Nahavandi, S. (2015).
Multi-output interval type-2 fuzzy logic system for protein secondary
structure prediction. International Journal of Uncertainty, Fuzziness
and Knowledge-Based Systems, 23(05), 735-760.
[74] Araghi, S., and Nguyen, T. T. (2019). A hybrid supervised approach
to human population identification using genomics data. IEEE/ACM
Transactions on Computational Biology and Bioinformatics, doi:
10.1109/TCBB.2019.2919501.
[75] Nguyen, T. T, Pathirana, P. N., Nguyen, T., Nguyen, H., Bhatti, A.,
Nguyen, D. C., Nguyen, D. T., Nguyen, N. D., Creighton, D., and
Abdelrazek, M. (2020). Genomic mutations and changes in protein
secondary structure and solvent accessibility of SARS-CoV-2 (COVID-
19 virus), bioRxiv, doi: https://doi.org/10.1101/2020.07.10.171769.
[76] Libbrecht, M. W., and Noble, W. S. (2015). Machine learning applica-
tions in genetics and genomics. Nature Reviews Genetics, 16(6), 321-
332.
[77] Mahmud, M., Kaiser, M. S., Hussain, A., and Vassanelli, S. (2018).
Applications of deep learning and reinforcement learning to biological
data. IEEE Transactions on Neural Networks and Learning Systems,
29(6), 2063-2079.
[78] Dong, E., Du, H., Gardner, L. (2020). An interactive web-based
dashboard to track COVID-19 in real time. The Lancet Infectious
Diseases, doi: https://doi.org/10.1016/S1473-3099(20)30120-1.
[79] Wells, C. R., Sah, P., Moghadas, S. M., Pandey, A., Shoukat, A.,
Wang, Y., ... and Galvani, A. P. (2020). Impact of international
travel and border control measures on the global spread of the novel
2019 coronavirus outbreak. Proceedings of the National Academy of
Sciences, 117(13), 7504-7509.
[80] Cohen, J. P., Morrison, P., and Dao, L. (2020). COVID-19 image data
collection. arXiv preprint arXiv:2003.11597.
[81] Zhao, J., Zhang, Y., He, X., and Xie, P. (2020). COVID-CT-Dataset: a
CT scan dataset about COVID-19. arXiv preprint arXiv:2003.13865.
[82] Born, J., Brandle, G., Cossio, M., Disdier, M., Goulet, J., Roulin, J.,
and Wiedemann, N. (2020). POCOVID-Net: automatic detection of
COVID-19 from a new lung ultrasound imaging dataset (POCUS).
arXiv preprint arXiv:2004.12084.
[83] Banda, J. M., Tekumalla, R., and Chowell, G. (2020). A Twitter dataset
of 70+ million tweets related to COVID-19 (Version 2.0) [Data set].
Zenodo, doi: http://doi.org/10.5281/zenodo.3732460.
[84] COVID-19 Open Research Dataset (CORD-19). (2020) Version 2020-
03-20. Retrieved from https://pages.semanticscholar.org/coronavirus-
research. Accessed on 21 March 2020. DOI: 10.5281/zenodo.3715505.
[85] Etzioni, O., and DeCario, N. (2020). AI can help scientists find
a Covid-19 vaccine. WIRED. 28 March 2020. Available at:
https://www.wired.com/story/opinion-ai-can-help-find-scientists-
find-a-covid-19-vaccine/.
[86] Stokes, J. M., Yang, K., Swanson, K., Jin, W., Cubillos-Ruiz, A.,
Donghia, N. M., ... and Collins, J. J. (2020). A deep learning approach
to antibiotic discovery. Cell, 180(4), 688-702.
[87] Spreeuwenberg, P., Kroneman, M., and Paget, J. (2018). Reassessing
the global mortality burden of the 1918 influenza pandemic. American
Journal of Epidemiology, 187(12), 2561-2567.
[88] Australian Government’s Department of Industry, Science, Energy
and Resources (2019). AI Ethics Framework. Available at:
https://www.industry.gov.au/data-and-publications/building-australias-
artificial-intelligence-capability/ai-ethics-framework.
[89] European Commission (2019). Ethics guidelines for trustworthy AI.
Available at: https://ec.europa.eu/digital-single-market/en/news/ethics-
guidelines-trustworthy-ai.
[90] Soares, F., Villavicencio, A., Anzanello, M. J., Fogliatto, F. S., Idiart,
M., and Stevenson, M. (2020). A novel high specificity COVID-19
screening method based on simple blood exams and artificial intelli-
gence. medRxiv, doi: https://doi.org/10.1101/2020.04.10.20061036.
[91] Pourhomayoun, M., and Shakibi, M. (2020). Predicting
mortality risk in patients with COVID-19 using artificial
intelligence to help medical decision-making. medRxiv, doi:
https://doi.org/10.1101/2020.03.30.20047308.
[92] Feng, C., Huang, Z., Wang, L., Chen, X., Zhai, Y., Zhu, F., ... and
Tian, L. (2020). A novel triage tool of artificial intelligence assisted
diagnosis aid system for suspected COVID-19 pneumonia in fever
clinics. Available at SSRN: http://dx.doi.org/10.2139/ssrn.3551355.
[93] Rahmatizadeh, S., Valizadeh-Haghi, S., and Dabbagh, A. (2020). The
role of artificial intelligence in management of critical COVID-19
patients. Journal of Cellular and Molecular Anesthesia, 5(1), 16-22.
[94] Jiang, X., Coffee, M., Bari, A., Wang, J., Jiang, X., Huang, J., ... and
Wu, Z. (2020). Towards an artificial intelligence framework for data-
driven prediction of coronavirus clinical severity. CMC: Computers,
Materials and Continua, 63, 537-51.
[95] Gutierrez, G. (2020). Artificial intelligence in the intensive care unit.
Critical Care, 24, 1-9.
[96] Yan, L., Zhang, H. T., Xiao, Y., Wang, M., Sun, C., Liang, J., ...
and Tang, X. (2020). Prediction of criticality in patients with severe
Covid-19 infection using three clinical features: a machine learning-
based prognostic model with clinical data in Wuhan. medRxiv, doi:
https://doi.org/10.1101/2020.02.27.20028027.
[97] Zou, H., and Hastie, T. (2005). Regularization and variable selection
via the elastic net. Journal of the Royal Statistical Society: Series B
(Statistical Methodology), 67(2), 301-320.
[98] Roda, W. C., Varughese, M. B., Han, D., and Li, M. Y. (2020). Why
is it difficult to accurately predict the COVID-19 epidemic? Infectious
Disease Modelling, 5, 271-281.
[99] Zheng, N., Du, S., Wang, J., Zhang, H., Cui, W., Kang, Z., ... and Ma,
M. (2020). Predicting Covid-19 in china using hybrid AI model. IEEE
Transactions on Cybernetics, 50(7), 2891-2904.
[100] Yang, Z., Zeng, Z., Wang, K., Wong, S. S., Liang, W., Zanin, M., ... and
Liang, J. (2020). Modified SEIR and AI prediction of the epidemics
trend of Covid-19 in China under public health interventions. Journal
of Thoracic Disease, 12(3), 165.
[101] Mei, X., Lee, H. C., Diao, K. Y., Huang, M., Lin, B., Liu,
C., ... and Bernheim, A. (2020). Artificial intelligenceenabled
rapid diagnosis of patients with COVID-19. Nature Medicine, doi:
https://doi.org/10.1038/s41591-020-0931-3.
[102] Zhang, K., Liu, X., Shen, J., Li, Z., Sang, Y., Wu, X., ... and Ye,
L. (2020). Clinically applicable AI system for accurate diagnosis,
quantitative measurements, and prognosis of Covid-19 pneumonia
using computed tomography. Cell, 181(6), 1423-1433.e11.
[103] Shi, H., Han, X., Jiang, N., Cao, Y., Alwalid, O., Gu, J., ... and Zheng,
C. (2020). Radiological findings from 81 patients with COVID-19
pneumonia in Wuhan, China: a descriptive study. The Lancet Infectious
Diseases, 20(4), 425-434.
[104] Lee, E. Y., Ng, M. Y., and Khong, P. L. (2020). COVID-19 pneumonia:
what has CT taught us?. The Lancet Infectious Diseases, 20(4), 384-
385.
12
[105] Kang, H., Xia, L., Yan, F., Wan, Z., Shi, F., Yuan, H., ... and Shen,
D. (2020). Diagnosis of coronavirus disease 2019 (Covid-19) with
structured latent multi-view representation learning. IEEE Transactions
on Medical Imaging, doi: 10.1109/TMI.2020.2992546.
[106] Ozturk, T., Talo, M., Yildirim, E. A., Baloglu, U. B., Yildirim, O., and
Acharya, U. R. (2020). Automated detection of COVID-19 cases using
deep neural networks with X-ray images. Computers in Biology and
Medicine, 121, 103792.
[107] Khatami, A., Khosravi, A., Nguyen, T., Lim, C. P., and Nahavandi,
S. (2017). Medical image analysis using wavelet transform and deep
belief networks. Expert Systems with Applications, 86, 190-198.
[108] Khan, A. I., Shah, J. L., and Bhat, M. M. (2020). CoroNet: A deep
neural network for detection and diagnosis of COVID-19 from chest
X-ray images. Computer Methods and Programs in Biomedicine, 196,
105581.
[109] Kooraki, S., Hosseiny, M., Myers, L., and Gholamrezanezhad, A.
(2020). Coronavirus (COVID-19) outbreak: what the department of
radiology should know. Journal of the American College of Radiology,
17(4), 447-451.
[110] Ardakani, A. A., Kanafi, A. R., Acharya, U. R., Khadem, N., and
Mohammadi, A. (2020). Application of deep learning technique to
manage COVID-19 in routine clinical practice using CT images:
results of 10 convolutional neural networks. Computers in Biology and
Medicine, 121, 103795.
[111] Oh, Y., Park, S., and Ye, J. C. (2020). Deep learning covid-19 features
on CXR using limited training data sets. IEEE Transactions on Medical
Imaging, doi: 10.1109/TMI.2020.2993291.
[112] Pereira, R. M., Bertolini, D., Teixeira, L. O., Silla Jr, C. N., and
Costa, Y. M. (2020). COVID-19 identification in chest X-ray images
on flat and hierarchical classification scenarios. Computer Methods and
Programs in Biomedicine, 194, 105532.
[113] Fan, D. P., Zhou, T., Ji, G. P., Zhou, Y., Chen, G., Fu, H., ...
and Shao, L. (2020). Inf-Net: automatic COVID-19 lung infection
segmentation from CT images. IEEE Transactions on Medical Imaging,
doi: 10.1109/TMI.2020.2996645.
[114] Brunese, L., Mercaldo, F., Reginelli, A., and Santone, A. (2020).
Explainable deep learning for pulmonary disease and coronavirus
COVID-19 detection from X-rays. Computer Methods and Programs
in Biomedicine, 196, 105608.
[115] Waheed, A., Goyal, M., Gupta, D., Khanna, A., Al-Turjman, F., and
Pinheiro, P. R. (2020). CovidGAN: data augmentation using auxiliary
classifier GAN for improved covid-19 detection. IEEE Access, 8,
91916-91923.
[116] Abdel-Basset, M., Mohamed, R., Elhoseny, M., Chakrabortty, R. K.,
and Ryan, M. (2020). A hybrid COVID-19 detection model using an
improved marine predators algorithm and a ranking-based diversity
reduction strategy. IEEE Access, 8, 79521-79540.
[117] Shi, F., Wang, J., Shi, J., Wu, Z., Wang, Q., Tang, Z., ... and Shen,
D. (2020). Review of artificial intelligence techniques in imaging data
acquisition, segmentation and diagnosis for covid-19. IEEE Reviews in
Biomedical Engineering, doi: 10.1109/RBME.2020.2987975.
[118] He, X., Yang, X., Zhang, S., Zhao, J., Zhang, Y., Xing,
E., and Xie, P. (2020). Sample-efficient deep learning for
COVID-19 diagnosis based on CT scans. medRxiv, doi:
https://doi.org/10.1101/2020.04.13.20063941.
[119] Chen, J., Wu, L., Zhang, J., Zhang, L., Gong, D., Zhao, Y.,
... and Zhang, K. (2020). Deep learning-based model for
detecting 2019 novel coronavirus pneumonia on high-resolution
computed tomography: a prospective study. medRxiv, doi:
https://doi.org/10.1101/2020.02.25.20021568.
[120] Zeiler, M. D., and Fergus, R. (2014, September). Visualizing and
understanding convolutional networks. In European Conference on
Computer Vision (pp. 818-833). Springer, Cham.
[121] BBC News (2020). Coronavirus France: cameras to monitor masks
and social distancing. Available at: https://www.bbc.com/news/world-
europe-52529981.
[122] Singer, N. and Sang-Hun, C. (2020). As coronavirus surveillance
escalates, personal privacy plummets. The New York Times. Avail-
able at: https://www.nytimes.com/2020/03/23/technology/coronavirus-
surveillance-tracking-privacy.html.
[123] Reevell, P. (2020). How Russia is using facial recognition to
police its coronavirus lockdown. ABC News. Available at:
https://abcnews.go.com/International/russia-facial-recognition-police-
coronavirus-lockdown/story?id=70299736.
[124] Nguyen, D., Gao, K., Chen, J., Wang, R., and Wei, G. (2020).
Potentially highly potent drugs for 2019-nCoV. bioRxiv, doi:
https://doi.org/10.1101/2020.02.05.936013.
[125] Nguyen, D. D., Gao, K., Wang, M., and Wei, G. W. (2020). MathDL:
mathematical deep learning for D3R Grand Challenge 4. Journal of
Computer-Aided Molecular Design, 34(2), 131-147.
[126] Tang, B., He, F., Liu, D., Fang, M., Wu, Z., and Xu, D. (2020). AI-
aided design of novel targeted covalent inhibitors against SARS-CoV-2.
bioRxiv, doi: https://doi.org/10.1101/2020.03.03.972133.
[127] Bung, N., Krishnan, S. R., Bulusu, G., and Roy, A.
(2020). De novo design of new chemical entities (NCEs)
for SARS-CoV-2 using artificial intelligence. chemRxiv, doi:
http://doi.org/10.26434/chemrxiv.11998347.v2.
[128] Robson, B. (2020). Computers and viral diseases. Preliminary bioin-
formatics studies on the design of a synthetic vaccine and a preventa-
tive peptidomimetic antagonist against the SARS-CoV-2 (2019-nCoV,
COVID-19) coronavirus. Computers in Biology and Medicine, 119,
103670.
[129] Li, X., Yu, J., Zhang, Z., Ren, J., Peluffo, A. E., Zhang, W.,
... and Wang, W. (2020). Network bioinformatics analysis pro-
vides insight into drug repurposing for COVID-2019. Preprints, doi:
10.20944/preprints202003.0286.v1.
[130] Ong, E., Wong, M. U., Huffman, A., and He, Y. (2020). COVID-
19 coronavirus vaccine design using reverse vaccinology and machine
learning. bioRxiv, doi:10.1101/2020.03.20.000141.
[131] Fleming, N. (2018). How artificial intelligence is changing drug dis-
covery. Nature, 557(7706), S55-S55.
[132] Ge, Y., Tian, T., Huang, S., Wan, F., Li, J., Li, S., ... and Cheng,
L. (2020). A data-driven drug repositioning framework discovered
a potential therapeutic agent targeting COVID-19. bioRxiv. doi:
https://doi.org/10.1101/2020.03.11.986836.
[133] Yang, G. Z., Nelson, B. J., Murphy, R. R., Choset, H., Christensen,
H., Collins, S. H., ... and Kragic, D. (2020). Combating COVID-19-
The role of robotics in managing public health and infectious diseases.
Science Robotics, 5(40), eabb5589.
[134] Ruiz Estrada, M. A. (2020). The uses of drones in case of massive epi-
demics contagious diseases relief humanitarian aid: Wuhan-COVID-19
crisis. Available at SSRN, doi: http://dx.doi.org/10.2139/ssrn.3546547.
[135] Zeng, Z., Chen, P. J., and Lew, A. A. (2020). From high-touch to high-
tech: COVID-19 drives robotics adoption. Tourism Geographies, doi:
https://doi.org/10.1080/14616688.2020.1762118.
[136] Tavakoli, M., Carriere, J., and Torabi, A. (2020). Robotics, smart
wearable technologies, and autonomous intelligent systems for health-
care during the COVID19 pandemic: An analysis of the state
of the art and future vision. Advanced Intelligent Systems, doi:
https://doi.org/10.1002/aisy.202000071.
[137] Nguyen, T. T., Nguyen, N. D., and Nahavandi, S. (2020). Deep
reinforcement learning for multiagent systems: A review of challenges,
solutions, and applications. IEEE Transactions on Cybernetics, doi:
10.1109/TCYB.2020.2977374.
[138] Hou, X., Wang, B., Hu, W., Yin, L., and Wu, H. (2019). SolarNet:
a deep learning framework to map solar power plants in China from
satellite imagery. arXiv preprint arXiv:1912.03685.
[139] Perry, T. S. (2020). Satellites and AI monitor Chinese economys
reaction to coronavirus. Available at: https://spectrum.ieee.org/view-
from-the-valley/artificial-intelligence/machine-learning/satellites-and-
ai-monitor-chinese-economys-reaction-to-coronavirus.
[140] Bogoch, I. I., Brady, O. J., Kraemer, M. U., German, M., Creatore,
M. I., Kulkarni, M. A., ... and Watts, A. (2016). Anticipating the
international spread of Zika virus from Brazil. Lancet, 387(10016),
335-336.
[141] Oak Ridge National Laboratory (2020). LandScan Global Population
Database. Available at https://landscan.ornl.gov/.
[142] Bogoch, I. I., Watts, A., Thomas-Bachli, A., Huber, C., Kraemer, M.
U., and Khan, K. (2020). Pneumonia of unknown aetiology in Wuhan,
China: potential for international spread via commercial air travel.
Journal of Travel Medicine, 27(2), taaa008.
[143] Metabiota (2020). Metabiota Epidemic Tracker. Available at:
https://www.epidemictracker.com/.
[144] HealthMap (2020). Contagious Disease Surveillance. Available at:
https://healthmap.org/en/.
[145] Abd-Alrazaq, A., Alhuwail, D., Househ, M., Hamdi, M., and Shah, Z.
(2020). Top concerns of tweeters during the COVID-19 pandemic: in-
foveillance study. Journal of Medical Internet Research, 22(4), e19016.
[146] Li, S., Wang, Y., Xue, J., Zhao, N., and Zhu, T. (2020). The impact
of COVID-19 epidemic declaration on psychological consequences: a
study on active Weibo users. International Journal of Environmental
Research and Public Health, 17(6), 2032.
[147] Torales, J., OHiggins, M., Castaldelli-Maia, J. M., and Ventriglio, A.
(2020). The outbreak of COVID-19 coronavirus and its impact on
13
global mental health. International Journal of Social Psychiatry, doi:
https://doi.org/10.1177/0020764020915212.
[148] Joshi, B. P., Bakrola, V. D., Shah, P., and Krishnamurthy, R. (2020).
deepMINE-Natural language processing based automatic literature
mining and research summarization for early stage comprehension
in pandemic situations specifically for COVID-19. bioRxiv, doi:
https://doi.org/10.1101/2020.03.30.014555.
[149] Awasthi, R., Pal, R., Singh, P., Nagori, A., Reddy, S., Gulati, A., ... and
Sethi, T. (2020). CovidNLP: A Web application for distilling systemic
implications of COVID-19 pandemic with natural language processing.
medRxiv, doi: https://doi.org/10.1101/2020.04.25.20079129.
[150] Dong, M., Cao, X., Liang, M., Li, L., Liang, H., and Liu, G.
(2020). Understand research hotspots surrounding COVID-19 and
other coronavirus infections using topic modeling. medRxiv, doi:
https://doi.org/10.1101/2020.03.26.20044164.
[151] Kuusisto, F., Page, D., and Stewart, R. (2020). Word embedding mining
for SARS-CoV-2 and COVID-19 drug repurposing. F1000Research,
9(585), 585.
[152] Rao, A., Saipradeep, V. G., Joseph, T., Kotte, S.,
Sivadasan, N., and Srinivasan, R. (2020). Text and network-
mining for COVID-19 intervention studies. chemRxiv, doi:
https://doi.org/10.26434/chemrxiv.12234564.v2.
[153] Ahamed, S., and Samad, M. (2020). Information mining for covid-19
research from a large volume of scientific literature. arXiv preprint
arXiv:2004.02085.
[154] Patel, J. C., Tulswani, R., Khurana, P., Sharma, Y. K., Ganju, L., Kumar,
B., and Sugadev, R. (2020). Identification of pulmonary comorbid
diseases network based repurposing effective drugs for COVID-19.
Research Square, doi: 10.21203/rs.3.rs-28148/v1.
[155] Duran-Frigola, M., Bertoni, M., Pauls, E., Alcalde, V., Turon, G.,
Villegas, N., ... and Badia-i-Mompel, P. (2020). Bioactivity profile
similarities to expand the repertoire of COVID-19 drugs. chemRxiv,
doi: https://doi.org/10.26434/chemrxiv.12178923.v2.
[156] Martin, A., Nateqi, J., Gruarin, S., Munsch, N., Abdarahmane, I., and
Knapp, B. (2020). An artificial intelligence-based first-line defence
against COVID-19: digitally screening citizens for risks via a chatbot.
bioRxiv, doi: https://doi.org/10.1101/2020.03.25.008805.
[157] WHO and Facebook (2020). WHO Health Alerts Facebook Messenger
Chatbot. Available at: https://m.me/who.
[158] WHO and Rakuten Viber (2020). WHO Viber Interactive Chatbot.
Available at: https://vb.me/82e535.
[159] WHO and WhatsApp (2020). WHO’s Health Alert on WhatsApp.
Available at: http://bit.ly/who-covid19-whatsapp.
[160] UNICEFs Europe and Central Asia Regional Office and the WHO
Regional Office for Europe (2020). HealthBuddy. Available at:
https://healthbuddy.info/.
[161] IBM (2020). IBM Watson Assistant for Citizens. Available at:
https://www.ibm.com/au-en/watson/covid-response.
[162] Chatbot and Infermedica (2020). COVID-19 Risk Assessment Chatbot.
Available at: https://www.chatbot.com/covid19-chatbot/.
[163] Barhead (2020). Rona (COVID-19 Bot). Available at:
https://barhead.com/technology/rona/.
[164] Health Service Executive Ireland (2020). COVID 19 Chat Bot. Avail-
able at: https://www.hse.ie/chatbot/covid/chatiframe.aspx.
Thanh Thi Nguyen was a Visiting Scholar with
the Computer Science Department at Stanford Uni-
versity, California, USA in 2015 and the Edge
Computing Lab, John A. Paulson School of Engi-
neering and Applied Sciences, Harvard University,
Massachusetts, USA in 2019. He received an Alfred
Deakin Postdoctoral Research Fellowship in 2016,
a European-Pacific Partnership for ICT Expert Ex-
change Program Award from European Commission
in 2018, and an AustraliaIndia Strategic Research
Fund Early- and Mid-Career Fellowship Awarded by
the Australian Academy of Science in 2020. Dr. Nguyen obtained a PhD in
Mathematics and Statistics from Monash University, Australia in 2013 and has
expertise in various areas, including artificial intelligence, deep learning, deep
reinforcement learning, cyber security, IoT, bioinformatics, medical research
and data science.
Dr. Nguyen has been recognized as a leading researcher in Australia
in the field of Artificial Intelligence by The Australian Newspaper in a
report published in 2018. He is currently a Senior Lecturer in the School
of Information Technology, Deakin University, Victoria, Australia.