diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..bf2ad57 --- /dev/null +++ b/.gitignore @@ -0,0 +1,6 @@ +build/ +dist/ +*egg-info/ +__pycache__/ +.coverage +*.pyc diff --git a/.pylintrc b/.pylintrc new file mode 100644 index 0000000..7d65d67 --- /dev/null +++ b/.pylintrc @@ -0,0 +1,20 @@ +[BASIC] +module-rgx=[a-z_][a-zA-Z0-9_]{2,30}$ +method-rgx=[a-z_][a-zA-Z0-9_]{2,30}$ +function-rgx=[a-z_][a-zA-Z0-9_]{2,30}$ +argument-rgx=[a-z_][a-zA-Z0-9_]{0,30}$ +variable-rgx=[a-z_][a-zA-Z0-9_]{0,30}$ +attr-rgx=[a-z_][a-zA-Z0-9_]{0,30}$ + +[DESIGN] +max-args=10 +max-locals=40 +max-returns=10 +max-attributes=20 +min-public-methods=0 + +[FORMAT] +max-line-length=150 + +[MESSAGES CONTROL] +disable=I0011,R0201,W0105,W0108,W0110,W0141,W0621,W0640 diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000..13a3e8f --- /dev/null +++ b/LICENSE @@ -0,0 +1,20 @@ +MIT License +Copyright (c) 2020 NeuML LLC + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN +THE SOFTWARE. diff --git a/README.md b/README.md new file mode 100644 index 0000000..ec5a44b --- /dev/null +++ b/README.md @@ -0,0 +1,66 @@ +cord19q: Exploring and indexing the CORD-19 dataset +====== + +![CORD19](https://pages.semanticscholar.org/hs-fs/hubfs/covid-image.png?width=300&name=covid-image.png) + +COVID-19 Open Research Dataset (CORD-19) is a free resource of over 29,000 scholarly articles, including over 13,000 with full text, about COVID-19 and the coronavirus family of viruses for use by the global research community. The dataset can be found on [Semantic Scholar](https://pages.semanticscholar.org/coronavirus-research) and there is an active competition on [Kaggle](https://www.kaggle.com/allen-institute-for-ai/CORD-19-research-challenge). + +This project is a Python project that builds a sentence embeddings index with FastText + BM25. Background on this method can be found in this [Medium article](https://towardsdatascience.com/building-a-sentence-embedding-index-with-fasttext-and-bm25-f07e7148d240) and an existing repository using this method [codequestion](https://github.com/neuml/codequestion). + +### Tasks +The following files show queries for the Top 10 matches for each task provided in the CORD-19-research-challenge competition using this method. + +* [What is known about transmission, incubation, and environmental stability?](./tasks/transmission.md) +* [What do we know about COVID-19 risk factors?](./tasks/risk-factors.md) +* [What do we know about virus genetics, origin, and evolution?](./tasks/virus-genome.md) +* [What do we know about non-pharmaceutical interventions?](./tasks/interventions.md) +* [What do we know about vaccines and therapeutics?](./tasks/vaccines.md) +* [What has been published about medical care?](./tasks/virus-genomes.md) +* [What has been published about information sharing and inter-sectoral collaboration?](./tasks/sharing.md) +* [What has been published about ethical and social science considerations?](./tasks/ethics.md) +* [What do we know about diagnostics and surveillance?](./tasks/diagnostics.md) + +### Installation +You can use Git to clone the repository from GitHub and install it. It is recommended to do this in a Python Virtual Environment. + + git clone https://github.com/neuml/cord19q.git + cd cord19q + pip install . + +Python 3.5+ is supported + +### Building a model +Download all the files in the Download CORD-19 section on [Semantic Scholar](https://pages.semanticscholar.org/coronavirus-research). Go the directory with the files +and run the following commands. + + cd + mv all_sources_metadata*.csv metadata.csv + mkdir articles + +For each tar.gz file run the following + tar -xvzf + mv /* articles + +Once completed, there should be a file called metadata.csv and an articles/ directory with all json articles. + +To build the model locally: + + python -m cord19q.etl.execute + python -m cord19q.vectors + python -m cord19q.index + +The model will be stored in ~/.cord19 + +### Running queries +The fastest way to run queries is to start a cord19q shell + + cord19q + +A prompt will come up. Queries can be typed directly into the console. + +### Building a report file +A report file is simply a markdown file created from a list of queries. An example: + + python -m cord19q.report tasks/diagnostics.txt + +Once complete a file named tasks/diagnostics.md will be created. \ No newline at end of file diff --git a/setup.py b/setup.py new file mode 100644 index 0000000..54be92d --- /dev/null +++ b/setup.py @@ -0,0 +1,47 @@ +# pylint: disable = C0111 +from setuptools import setup + +with open("README.md", "r") as f: + DESCRIPTION = f.read() + +setup(name="cord19q", + version="1.0.0", + author="NeuML", + description="CORD19 Dataset exploration and indexing", + long_description=DESCRIPTION, + long_description_content_type="text/markdown", + url="https://github.com/neuml/cord19q", + project_urls={ + "Documentation": "https://github.com/neuml/cord19q", + "Issue Tracker": "https://github.com/neuml/cord19q/issues", + "Source Code": "https://github.com/neuml/cord19q", + }, + license="MIT License: http://opensource.org/licenses/MIT", + packages=["cord19q"], + package_dir={"": "src/python/"}, + keywords="python search embedding machine-learning", + python_requires=">=3.5", + entry_points={ + "console_scripts": [ + "cord19q = cord19q.shell:main", + ], + }, + install_requires=[ + "faiss-gpu>=1.6.1", + "fasttext>=0.9.1", + "html2text>=2019.9.26", + "mdv>=1.7.4", + "numpy>=1.17.4", + "pymagnitude>=0.1.120", + "scikit-learn>=0.22.1", + "scipy>=1.4.1", + "tqdm==4.40.2" + ], + classifiers=[ + "License :: OSI Approved :: MIT License", + "Operating System :: OS Independent", + "Programming Language :: Python :: 3", + "Topic :: Software Development", + "Topic :: Text Processing :: Indexing", + "Topic :: Utilities" + ]) diff --git a/src/python/cord19q/__init__.py b/src/python/cord19q/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/python/cord19q/embeddings.py b/src/python/cord19q/embeddings.py new file mode 100644 index 0000000..0af70ee --- /dev/null +++ b/src/python/cord19q/embeddings.py @@ -0,0 +1,354 @@ +""" +Embeddings module +""" + +import os +import os.path +import pickle + +from errno import ENOENT +from multiprocessing import Pool + +import faiss +import numpy as np + +from sklearn.decomposition import TruncatedSVD + +# pylint: disable=E0401,E0611 +# Defined at runtime +from .magnitude import Magnitude +from .scoring import Scoring + +# Multiprocessing helper methods +# pylint: disable=W0603 +EMBEDDINGS = None + +def create(config, scoring): + """ + Multiprocessing helper method. Creates a global embeddings object to be accessed in a new + subprocess. + + Args: + config: configuration + scoring: scoring instance + """ + + global EMBEDDINGS + + # Create a global embedding object using configuration and saved + EMBEDDINGS = Embeddings(config) + + # Copy scoring object + EMBEDDINGS.scoring = scoring + +def transform(document): + """ + Multiprocessing helper method. Transforms document tokens into an embedding. + + Args: + document: (id, tokens, tags) + + Returns: + (id, embedding) + """ + + global EMBEDDINGS + + return (document[0], EMBEDDINGS.transform(document)) + +class Embeddings(object): + """ + Model that builds sentence embeddings from a list of tokens. + + Optional scoring method can be created to weigh tokens when creating embeddings. Averaging used if no scoring method provided. + + The model also applies principal component analysis using a LSA model. This reduces the noise of common but less + relevant terms. + """ + + # pylint: disable = W0231 + def __init__(self, config=None): + """ + Creates a new Embeddings model. + + Args: + config: embeddings configuration + """ + + # Configuration + self.config = config + + # Embeddings model + self.embeddings = None + self.lsa = None + + # Embedding scoring method - weighs each word in a sentence + self.scoring = None + + # Word vector model + self.vectors = self.loadVectors(self.config["path"]) if self.config else None + + def loadVectors(self, path): + """ + Loads a word vector model at path. + + Args: + path: path to word vector model + + Returns: + Magnitude vector model + """ + + # Require that vector path exists, if a path is provided and it's not found, Magnitude will try download from it's servers + if not path or not os.path.isfile(path): + raise IOError(ENOENT, "Vector model file not found", path) + + # Load magnitude model. If this is a training run (no embeddings yet), block until the vectors are fully loaded + return Magnitude(path, case_insensitive=True, blocking=True if not self.embeddings else False) + + def score(self, documents): + """ + Builds a scoring index. Documents are tuples of (id, tokens, tags). + + Args: + documents: array of documents + """ + + if self.config["scoring"]: + # Create scoring object + self.scoring = Scoring.create(self.config["scoring"]) + + # Build scoring index over documents + self.scoring.index(documents) + + def index(self, documents): + """ + Builds an embeddings index. Documents are tuples of (id, tokens, tags). + + Args: + documents: list of documents + """ + + ids = [] + embeddings = [] + + # Shared objects with Pool + args = (self.config, self.scoring) + + with Pool(os.cpu_count(), initializer=create, initargs=args) as pool: + for uid, embedding in pool.imap(transform, documents): + ids.append(uid) + embeddings.append(embedding) + + # Convert embeddings into a numpy array + embeddings = np.array(embeddings) + + # Build LSA model (if enabled). Remove principal components from embeddings. + self.lsa = self.buildLSA(embeddings, self.config["pca"]) if self.config["pca"] else None + embeddings = self.removePC(embeddings) if self.lsa else embeddings + + # Normalize embeddings + embeddings = self.normalize(embeddings) + + # Create embeddings index. Inner product is equal to cosine similarity on normalized vectors. + # pylint: disable=E1136 + self.embeddings = faiss.index_factory(embeddings.shape[1], "IVF100,SQ8", faiss.METRIC_INNER_PRODUCT) + + # Train on embeddings model + self.embeddings.train(embeddings) + self.embeddings.add_with_ids(embeddings, np.array(ids)) + + def buildLSA(self, embeddings, components): + """ + Builds a LSA model. This model is used to remove the principal component within embeddings. This helps to + smooth out noisy embeddings (common words with less value). + + Args: + embeddings: input embeddings matrix + components: number of model components + + Returns: + LSA model + """ + + svd = TruncatedSVD(n_components=components, random_state=0) + svd.fit(embeddings) + + return svd + + def removePC(self, embeddings): + """ + Applies a LSA model to embeddings, removed the top n principal components. + + Args: + embeddings: input embeddings matrix + + Returns: + embeddings with the principal component(s) removed + """ + + pc = self.lsa.components_ + + # Calculation is different if n_components = 1 + if pc.shape[0] == 1: + return embeddings - embeddings.dot(pc.transpose()) * pc + + # Apply LSA model + return embeddings - embeddings.dot(pc.transpose()).dot(pc) + + def normalize(self, embeddings): + """ + Normalizes embeddings using L2 normalization. + + Args: + embeddings: input embeddings matrix + + Returns: + normalized embeddings + """ + + # Calculation is different for matrices vs vectors + if len(embeddings.shape) > 1: + return embeddings / np.linalg.norm(embeddings, axis=1).reshape(-1, 1) + + return embeddings / np.linalg.norm(embeddings) + + def transform(self, document): + """ + Transforms document into an embeddings vector. + + Args: + document: (id, tokens, tags) + + Returns: + embeddings vector + """ + + # Generate weights for each vector using a scoring method + weights = self.scoring.weights(document) if self.scoring else None + + # pylint: disable=E1133 + if weights and [x for x in weights if x > 0]: + # Build weighted average embeddings vector. Create weights array os float32 to match embeddings precision. + embedding = np.average(self.lookup(document[1]), weights=np.array(weights, dtype=np.float32), axis=0) + else: + # If no weights, use mean + embedding = np.mean(self.lookup(document[1]), axis=0) + + # Reduce the dimensionality of the embeddings. Scale the embeddings using this + # model to reduce the noise of common but less relevant terms. + embedding = self.removePC(embedding) if self.lsa else embedding + + # Normalize vector if embeddings index exists, normalization is skipped during index builds + return self.normalize(embedding) if self.embeddings else embedding + + def lookup(self, tokens): + """ + Queries word vectors for given list of input tokens. + + Args: + tokens: list of tokens to query + + Returns: + word vectors array + """ + + return self.vectors.query(tokens) + + def search(self, tokens, limit=3): + """ + Finds documents in the vector model most similar to the input document. + + Args: + tokens: input tokens + limit: maximum results + + Returns: + list of topn matched (id, score) + """ + + # Convert tokens to embedding vector + embedding = self.transform((None, tokens, None)) + + # Search embeddings index + self.embeddings.nprobe = 6 + results = self.embeddings.search(embedding.reshape(1, -1), limit) + + # Map results to [(id, score)] + return list(zip(results[1][0].tolist(), (results[0][0]).tolist())) + + def similarity(self, tokens1, tokens2): + """ + Computes the similarity between two sets of tokens. + + Args: + tokens1: tokens + tokens2: tokens + + Returns: + computed similarity (0 - 1 with 1 being most similar) + """ + + embeddings1 = self.transform((None, tokens1, None)) + embeddings2 = self.transform((None, tokens2, None)) + + if len(embeddings1.shape) == 1: + embeddings1 = embeddings1.reshape(1, -1) + embeddings2 = embeddings2.reshape(1, -1) + + # Dot product on normalized vectors is equal to cosine similarity + return np.dot(embeddings1, embeddings2.T)[0][0] + + def load(self, path): + """ + Loads a pre-trained model. + + Models have the following files: + config - configuration + embeddings - sentence embeddings index + lsa - LSA model, used to remove the principal component(s) + scoring - scoring model used to weigh word vectors + vectors - word vectors model + + Args: + path: input directory path + """ + + with open("%s/config" % path, "rb") as handle: + self.config = pickle.load(handle) + + # Sentence embeddings index + self.embeddings = faiss.read_index("%s/embeddings" % path) + + with open("%s/lsa" % path, "rb") as handle: + self.lsa = pickle.load(handle) + + # Embedding scoring + if self.config["scoring"]: + self.scoring = Scoring.create(self.config["scoring"]) + self.scoring.load(path) + + # Word embeddings + self.vectors = self.loadVectors(self.config["path"]) + + def save(self, path): + """ + Saves a model. + + Args: + path: output directory path + """ + + if self.config: + with open("%s/config" % path, "wb") as handle: + pickle.dump(self.config, handle, protocol=pickle.HIGHEST_PROTOCOL) + + # Write sentence embeddings + faiss.write_index(self.embeddings, "%s/embeddings" % path) + + with open("%s/lsa" % path, "wb") as handle: + pickle.dump(self.lsa, handle, protocol=pickle.HIGHEST_PROTOCOL) + + # Save embedding scoring + if self.scoring: + self.scoring.save(path) diff --git a/src/python/cord19q/etl/__init__.py b/src/python/cord19q/etl/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/src/python/cord19q/etl/execute.py b/src/python/cord19q/etl/execute.py new file mode 100644 index 0000000..6bc65cd --- /dev/null +++ b/src/python/cord19q/etl/execute.py @@ -0,0 +1,313 @@ +""" +Transforms raw CORD-19 data into an articles.db sqlite database. +""" + +import csv +import hashlib +import json +import os.path +import re +import sqlite3 +import sys + +import dateutil.parser as parser + +# Articles schema +ARTICLES = { + 'Id': 'TEXT PRIMARY KEY', + 'Source': 'TEXT', + 'Published': 'DATETIME', + 'Publication': "TEXT", + 'Authors': 'TEXT', + 'Title': 'TEXT', + 'Tags': 'TEXT', + 'Reference': 'TEXT' +} + +# Sections schema +SECTIONS = { + 'Id': 'INTEGER PRIMARY KEY', + 'Article': 'TEXT', + 'Text': 'TEXT', + 'Tags': 'TEXT' +} + +# SQL statements +CREATE_TABLE = "CREATE TABLE IF NOT EXISTS {table} ({fields})" +INSERT_ROW = "INSERT INTO {table} ({columns}) VALUES ({values})" + +def create(db, table, name): + """ + Creates a SQLite table. + + Args: + db: database connection + table: table schema + name: table name + """ + + columns = ['{0} {1}'.format(name, ctype) for name, ctype in table.items()] + create = CREATE_TABLE.format(table=name, fields=", ".join(columns)) + + # pylint: disable=W0703 + try: + db.execute(create) + except Exception as e: + print(create) + print("Failed to create table: " + e) + +def insert(db, table, name, row): + """ + Builds and inserts an article. + + Args: + db: article database + table: table object + name: table name + row: row to insert + """ + + # Build insert prepared statement + columns = [name for name, _ in table.items()] + insert = INSERT_ROW.format(table=name, + columns=", ".join(columns), + values=("?, " * len(columns))[:-2]) + + try: + # Execute insert statement + db.execute(insert, values(table, row, columns)) + # pylint: disable=W0703 + except Exception as ex: + print("Error inserting row: {}".format(row[0]), ex) + +def values(table, row, columns): + """ + Formats and converts row into database types based on table schema. + + Args: + table: table schema + row: row tuple + columns: column names + + Returns: + Database schema formatted row tuple + """ + + values = [] + for x, column in enumerate(columns): + # Get value + value = row[x] + + if table[column].startswith('INTEGER'): + values.append(int(value) if value else 0) + elif table[column] == 'BOOLEAN': + values.append(1 if value == "TRUE" else 0) + else: + values.append(value) + + return values + +def getId(row): + """ + Gets a row id. Builds one from the title if no body content is available. + + Args: + row: input row + + Returns: + row id as a sha1 hash + """ + + # Use sha1 provided, if available + uid = row["sha"] + if not uid: + # Fallback to sha1 of title + uid = hashlib.sha1(row["title"].encode("utf-8")).hexdigest() + + return uid + +def getDate(row): + """ + Parses the publish date from the input row. + + Args: + row: input row + + Returns: + publish date + """ + + date = row["publish_time"] + + if date: + try: + if date.isdigit() and len(date) == 4: + # Default entries with just year to Jan 1 + date += "-01-01" + + return parser.parse(date) + + # pylint: disable=W0702 + except: + # Skip parsing errors + return None + + return None + +def getAuthors(row): + """ + Parses an authors string from the input row. + + Args: + row: input row + + Returns: + authors string + """ + + authors = row["authors"] + + if authors and "[" in authors: + # Attempt to parse list string + authors = "; ".join(re.findall(r"'\s*([^']*?)\s*'", authors)) + + return authors + +def getTags(sections): + """ + Searches input sections for matching keywords. If found, returns the keyword tag. + + Args: + sections: list of text sections + + Returns: + tags + """ + + keywords = ["2019-ncov", "covid-19", "sars-cov-2"] + + tags = None + for text in sections: + if any(x in text.lower() for x in keywords): + tags = "COVID-19" + + return tags + +def getReference(row): + """ + Builds a reference link. + + Args: + row: input row + + Returns: + resolved reference link + """ + + # Resolve doi link + text = row["doi"] + + if text and not text.startswith("http"): + return "https://doi.org/" + text + + return text + +def read(directory, uid): + """ + Reads body text for a given row id. Body text is returned as a list of sections. + + Args: + directory: input directory + uid: row id + + Returns: + list of sections + """ + + sections = [] + + if uid: + # Build article path + article = os.path.join(directory, "articles", uid + ".json") + + if os.path.exists(article): + with open(article) as jfile: + data = json.load(jfile) + + # Extract text from each section + sections = [row["text"] for row in data["body_text"]] + + return sections + +def run(): + """ + Main execution method. + """ + + # Read input directory path + directory = sys.argv[1] + + print("Building articles.db from {}".format(directory)) + + # Output directory - create if it doesn't exist + output = os.path.join(os.path.expanduser("~"), ".cord19", "models") + os.makedirs(output, exist_ok=True) + + # Output database file + dbfile = os.path.join(output, "articles.db") + + # Delete existing file + if os.path.exists(dbfile): + os.remove(dbfile) + + # Create output database + db = sqlite3.connect(dbfile) + + # Create articles table + create(db, ARTICLES, "articles") + + # Create sections table + create(db, SECTIONS, "sections") + + # Row index + index = 0 + sid = 0 + + with open(os.path.join(directory, "metadata.csv"), mode="r") as csvfile: + for row in csv.DictReader(csvfile): + # Generate uid + uid = getId(row) + + # Published date + date = getDate(row) + + # Get text sections + sections = [row["title"]] + read(directory, uid) + + # Get tags + tags = getTags(sections) + + # Article row + # id, source, published, publication, authors, title, tags, reference + article = (uid, row["source_x"], date, row["journal"], getAuthors(row), row["title"], tags, getReference(row)) + insert(db, ARTICLES, "articles", article) + + # Increment number of articles processed + index += 1 + if index % 1000 == 0: + print("Inserted {} articles".format(index)) + + # Add each text section + for text in sections: + # id, article, text, tags + insert(db, SECTIONS, "sections", (sid, uid, text, tags)) + sid += 1 + + print("Total rows inserted: {}".format(index)) + + # Commit changes and close + db.commit() + db.close() + +if __name__ == "__main__": + run() diff --git a/src/python/cord19q/index.py b/src/python/cord19q/index.py new file mode 100644 index 0000000..0bc3271 --- /dev/null +++ b/src/python/cord19q/index.py @@ -0,0 +1,92 @@ +""" +Indexing module +""" + +import os.path +import sqlite3 + +# pylint: disable = E0401 +from .embeddings import Embeddings +from .models import Models +from .tokenizer import Tokenizer + +class Index(object): + """ + Methods to build a new sentence embeddings index. + """ + + @staticmethod + def stream(dbfile): + """ + Streams documents from an articles.db file. This method is a generator and will yield a row at time. + + Args: + dbfile: input SQLite file + """ + + # Connection to database file + db = sqlite3.connect(dbfile) + cur = db.cursor() + + cur.execute("SELECT Id, Text FROM sections WHERE tags is not null") + + count = 0 + for row in cur: + # Tokenize text + tokens = Tokenizer.tokenize(row[1]) + + document = (row[0], tokens, None) + + count += 1 + if count % 1000 == 0: + print("Streamed %d documents" % (count)) + + # Skip documents with no tokens parsed + if tokens: + yield document + + print("Iterated over %d total rows" % (count)) + + # Free database resources + db.close() + + @staticmethod + def embeddings(dbfile): + """ + Builds a sentence embeddings index. + + Args: + dbfile: input SQLite file + + Returns: + embeddings index + """ + + embeddings = Embeddings({"path": Models.vectorPath("cord19-300d.magnitude"), + "scoring": "bm25", + "pca": 3}) + + # Build scoring index if scoring method provided + if embeddings.config["scoring"]: + embeddings.score(Index.stream(dbfile)) + + # Build embeddings index + embeddings.index(Index.stream(dbfile)) + + return embeddings + + @staticmethod + def run(): + """ + Executes an index run. + """ + + path = Models.modelPath() + dbfile = os.path.join(path, "articles.db") + + print("Building new model") + embeddings = Index.embeddings(dbfile) + embeddings.save(path) + +if __name__ == "__main__": + Index.run() diff --git a/src/python/cord19q/magnitude.py b/src/python/cord19q/magnitude.py new file mode 100644 index 0000000..359706c --- /dev/null +++ b/src/python/cord19q/magnitude.py @@ -0,0 +1,34 @@ +""" +Wrapper to load pymagnitude without unused dependencies +""" +#pylint: skip-file + +import sys + +class AnnoyIndex: + """ + Empty implementation + """ + +class ElmoEmbedder: + """ + Empty implementation + """ + +try: + import pymagnitude +except ImportError: + try: + from annoy import AnnoyIndex + except ImportError: + sys.modules["annoy"] = sys.modules[__name__] + + try: + import torch + except ImportError: + sys.modules["pymagnitude.third_party.allennlp.commands.elmo"] = sys.modules[__name__] + + import pymagnitude + +# Point this module to pymagnitude +sys.modules[__name__] = sys.modules["pymagnitude"] diff --git a/src/python/cord19q/models.py b/src/python/cord19q/models.py new file mode 100644 index 0000000..6b4bea8 --- /dev/null +++ b/src/python/cord19q/models.py @@ -0,0 +1,89 @@ +""" +Models module +""" + +import os +import os.path + +class Models(object): + """ + Common methods for generating data paths. + """ + + @staticmethod + def basePath(create=False): + """ + Base data path - ~/.cord19 + + Args: + create: if directory should be created + + Returns: + path + """ + + # Get model cache path + path = os.path.join(os.path.expanduser("~"), ".cord19") + + # Create directory if required + if create: + os.makedirs(path, exist_ok=True) + + return path + + @staticmethod + def modelPath(create=False): + """ + Model path for name + + Args: + create: if directory should be created + + Returns: + path + """ + + path = os.path.join(Models.basePath(), "models") + + # Create directory if required + if create: + os.makedirs(path, exist_ok=True) + + return path + + @staticmethod + def testPath(source, name): + """ + Builds path to a test data file. + + Args: + source: test source name + name: file name + + Returns: + path + """ + + return os.path.join(Models.basePath(), "test", source, name) + + @staticmethod + def vectorPath(name, create=False): + """ + Vector path for name + + Args: + name: vectors name + create: if directory should be created + + Returns: + path + """ + + path = os.path.join(Models.basePath(), "vectors") + + # Create directory path if required + if create: + os.makedirs(path, exist_ok=True) + + # Append file name to path + return os.path.join(path, name) diff --git a/src/python/cord19q/query.py b/src/python/cord19q/query.py new file mode 100644 index 0000000..608bf2e --- /dev/null +++ b/src/python/cord19q/query.py @@ -0,0 +1,180 @@ +""" +Query module +""" + +import os +import os.path +import sqlite3 +import sys + +import html2text +import mdv + +# pylint: disable = E0401 +from .embeddings import Embeddings +from .models import Models +from .tokenizer import Tokenizer + +class Query(object): + """ + Methods to query an embeddings index. + """ + + @staticmethod + def escape(text): + """ + Escapes text to work around issues with mdv double escaping characters. + + Args: + text: input text + + Returns: + escaped text + """ + + text = text.replace("<", "¿") + text = text.replace(">", "Ñ") + text = text.replace("&", "ž") + + return text + + @staticmethod + def unescape(text): + """ + Un-escapes text to work around issues with mdv double escaping characters. + + Args: + text: input text + + Returns: + unescaped text + """ + + text = text.replace("¿", "<") + text = text.replace("Ñ", ">") + text = text.replace("ž", "&") + + return text + + @staticmethod + def render(text, theme="592.2129", html=True, tab_length=0): + """ + Renders input text to formatted text ready to send to the terminal. + + Args: + text: input html text + + Returns: + text formatted for print to terminal + """ + + if html: + # Convert HTML + parser = html2text.HTML2Text() + parser.body_width = 0 + text = parser.handle(text) + + text = Query.escape(text) + + text = mdv.main(text, theme=theme, c_theme="953.3567", cols=180, tab_length=tab_length) + + if html: + text = Query.unescape(text) + + return text.strip() + + @staticmethod + def load(): + """ + Loads an embeddings model and db database. + + Returns: + (embeddings, db handle) + """ + + path = Models.modelPath() + dbfile = os.path.join(path, "articles.db") + + if os.path.isfile(os.path.join(path, "config")): + print("Loading model from %s" % path) + embeddings = Embeddings() + embeddings.load(path) + else: + print("ERROR: loading model: ensure model is present") + raise FileNotFoundError("Unable to load model from %s" % path) + + # Connect to database file + db = sqlite3.connect(dbfile) + + return (embeddings, db) + + @staticmethod + def query(embeddings, db, query): + """ + Executes a query against the embeddings model. + + Args: + embeddings: embeddings model + db: open SQLite database + query: query string + """ + + cur = db.cursor() + + query = Tokenizer.tokenize(query) + print(Query.render("#Query: %s" % query, theme="729.8953")) + + for uid, score in embeddings.search(query, 10): + cur.execute("SELECT Article, Text FROM sections WHERE id = ?", [uid]) + section = cur.fetchone() + + if score >= 0.0: + # Unpack match + article, text = section + + cur.execute("SELECT Title, Authors, Published, Publication, Id, Reference from articles where id = ?", [article]) + article = cur.fetchone() + + print("Title: %s" % article[0]) + print("Authors: %s" % article[1]) + print("Published: %s" % article[2]) + print("Publication: %s" % article[3]) + print("Id: %s" % article[4]) + print("Reference: %s" % article[5]) + print(Query.render("#Match (%.4f): %s" % (score, text), html=False)) + + print() + + @staticmethod + def close(db): + """ + Closes a SQLite database database. + + Args: + db: open database + """ + + # Free database resources + db.close() + + @staticmethod + def run(query): + """ + Executes a query against an index. + + Args: + query: input query + """ + + # Load model + embeddings, db = Query.load() + + # Query the database + Query.query(embeddings, db, query) + + # Free resources + Query.close(db) + +if __name__ == "__main__": + if len(sys.argv) > 1: + Query.run(sys.argv[1]) diff --git a/src/python/cord19q/report.py b/src/python/cord19q/report.py new file mode 100644 index 0000000..46e5e93 --- /dev/null +++ b/src/python/cord19q/report.py @@ -0,0 +1,136 @@ +""" +Report module +""" + +import os +import os.path +import sqlite3 +import sys + +# pylint: disable = E0401 +from .embeddings import Embeddings +from .models import Models +from .tokenizer import Tokenizer + +class Report(object): + """ + Methods to build reports from a series of queries + """ + + @staticmethod + def load(): + """ + Loads an embeddings model and db database. + + Returns: + (embeddings, db handle) + """ + + path = Models.modelPath() + dbfile = os.path.join(path, "articles.db") + + if os.path.isfile(os.path.join(path, "config")): + print("Loading model from %s" % path) + embeddings = Embeddings() + embeddings.load(path) + else: + print("ERROR: loading model: ensure model is present") + raise FileNotFoundError("Unable to load model from %s" % path) + + # Connect to database file + db = sqlite3.connect(dbfile) + + return (embeddings, db) + + @staticmethod + def write(output, line): + """ + Writes line to output file. + + Args: + output: output file + line: line to write + """ + + output.write("%s
\n" % line) + + @staticmethod + def build(embeddings, db, queries, outfile): + """ + Builds a report using a list of input queries + + Args: + embeddings: embeddings model + db: open SQLite database + queries: list of queries to execute + outfile: report output file + """ + + with open(outfile, "w") as output: + cur = db.cursor() + + for query in queries: + output.write("# %s\n" % query) + + query = Tokenizer.tokenize(query) + + for uid, score in embeddings.search(query, 10): + cur.execute("SELECT Article, Text FROM sections WHERE id = ?", [uid]) + section = cur.fetchone() + + if score >= 0.0: + # Unpack match + article, text = section + + cur.execute("SELECT Title, Reference, Authors, Published, Publication from articles where id = ?", [article]) + article = cur.fetchone() + + Report.write(output, "[%s](%s)" % (article[0], article[1])) + Report.write(output, "Authors: %s" % article[2]) + + if article[2]: + Report.write(output, "Published: %s" % article[3]) + + if article[3]: + Report.write(output, "Publication: %s" % article[4]) + + Report.write(output, "Match (%.4f): **%s**" % (score, text)) + Report.write(output, "") + + @staticmethod + def close(db): + """ + Closes a SQLite database database. + + Args: + db: open database + """ + + # Free database resources + db.close() + + @staticmethod + def run(task): + """ + Reads a list of queries from a task file and builds a report. + + Args: + task: input task file + """ + + # Load model + embeddings, db = Report.load() + + # Read each task query + with open(task, "r") as f: + queries = f.readlines() + + # Build the report file + Report.build(embeddings, db, queries, "%s.md" % os.path.splitext(task)[0]) + + # Free resources + Report.close(db) + +if __name__ == "__main__": + if len(sys.argv) > 1: + Report.run(sys.argv[1]) diff --git a/src/python/cord19q/scoring.py b/src/python/cord19q/scoring.py new file mode 100644 index 0000000..d8337e6 --- /dev/null +++ b/src/python/cord19q/scoring.py @@ -0,0 +1,227 @@ +""" +Scoring module +""" + +import math +import pickle + +from collections import Counter + +class Scoring(object): + """ + Base scoring object. Default method scores documents using TF-IDF. + """ + + @staticmethod + def create(method): + """ + Factory method to construct a Scoring object. + + Args: + method: scoring method (bm25, sif, tfidf) + + Returns: + Scoring object + """ + + if method == "bm25": + return BM25() + elif method == "sif": + return SIF() + elif method == "tfidf": + # Default scoring object implements tf-idf + return Scoring() + + return None + + def __init__(self): + """ + Initializes backing statistic objects. + """ + + # Document stats + self.total = 0 + self.tokens = 0 + self.avgdl = 0 + + # Word frequency + self.docfreq = Counter() + self.wordfreq = Counter() + self.avgfreq = 0 + + # IDF index + self.idf = {} + self.avgidf = 0 + + # Tag boosting + self.tags = Counter() + + def index(self, documents): + """ + Indexes a collection of documents using a scoring method + + Args: + documents: input documents + """ + + # Calculate word frequency, total tokens and total documents + for _, tokens, tags in documents: + # Total number of times token appears, count all tokens + self.wordfreq.update(tokens) + + # Total number of documents a token is in, count unique tokens + self.docfreq.update(set(tokens)) + + # Get list of unique tags + if tags: + self.tags.update(tags.split()) + + # Total document count + self.total += 1 + + # Calculate total token frequency + self.tokens = sum(self.wordfreq.values()) + + # Calculate average frequency per token + self.avgfreq = self.tokens / len(self.wordfreq.values()) + + # Calculate average document length in tokens + self.avgdl = self.tokens / self.total + + # Compute IDF scores + for word, freq in self.docfreq.items(): + self.idf[word] = self.computeIDF(freq) + + # Average IDF score per token + self.avgidf = sum(self.idf.values()) / len(self.idf) + + # Filter for tags that appear in at least 1% of the documents + self.tags = {tag:number for tag, number in self.tags.items() if number >= self.total * 0.005} + + def weights(self, document): + """ + Builds weight vector for each token in the input token. + + Args: + document: (id, tokens, tags) + + Returns: + list of weights for each token + """ + + # Weights array + weights = [] + + # Unpack document + _, tokens, _ = document + + # Document length + length = len(tokens) + + for token in tokens: + # Lookup frequency and idf score - default to averages if not in repository + freq = self.wordfreq[token] if token in self.wordfreq else self.avgfreq + idf = self.idf[token] if token in self.idf else self.avgidf + + # Calculate score for each token, use as weight + weights.append(self.score(freq, idf, length)) + + # Boost weights of tag tokens to match the largest weight in the list + if self.tags: + tags = {token: self.tags[token] for token in tokens if token in self.tags} + if tags: + maxWeight = max(weights) + maxTag = max(tags.values()) + + weights = [max(maxWeight * (tags[tokens[x]] / maxTag), weight) + if tokens[x] in tags else weight for x, weight in enumerate(weights)] + + return weights + + def load(self, path): + """ + Loads a saved Scoring object from path. + + Args: + path: directory path to load model + """ + + with open("%s/scoring" % path, "rb") as handle: + self.__dict__.update(pickle.load(handle)) + + def save(self, path): + """ + Saves a Scoring object to path. + + Args: + path: directory path to save model + """ + + with open("%s/scoring" % path, "wb") as handle: + pickle.dump(self.__dict__, handle, protocol=pickle.HIGHEST_PROTOCOL) + + def computeIDF(self, freq): + """ + Computes an idf score for word frequency. + + Args: + freq: word frequency + + Returns: + idf score + """ + + return math.log(self.total / (1 + freq)) + + # pylint: disable=W0613 + def score(self, freq, idf, length): + """ + Calculates a score for each token. + + Args: + freq: token frequency + idf: token idf score + length: total number of tokens in source document + + Returns: + token score + """ + + return idf + +class BM25(Scoring): + """ + BM25 scoring. Scores using Apache Lucene's version of BM25 which adds 1 to prevent + negative scores. + """ + + def __init__(self, k1=0.1, b=0.75): + super(BM25, self).__init__() + + # BM25 configurable parameters + self.k1 = k1 + self.b = b + + def computeIDF(self, freq): + # Calculate BM25 IDF score + return math.log(1 + (self.total - freq + 0.5)/(freq + 0.5)) + + def score(self, freq, idf, length): + # Calculate BM25 score + k = self.k1 * ((1 - self.b) + self.b * length / self.avgdl) + return idf * (freq * (self.k1 + 1)) / (freq + k) + +class SIF(Scoring): + """ + Smooth Inverse Frequency (SIF) scoring. + """ + + def __init__(self, a=0.001): + super(SIF, self).__init__() + + # SIF configurable parameters + self.a = a + + def score(self, freq, idf, length): + # Calculate SIF score + return self.a / (self.a + freq/self.tokens) diff --git a/src/python/cord19q/shell.py b/src/python/cord19q/shell.py new file mode 100644 index 0000000..c91748c --- /dev/null +++ b/src/python/cord19q/shell.py @@ -0,0 +1,38 @@ +""" +cord19 query shell module. +""" + +from cmd import Cmd + +from .query import Query + +class Shell(Cmd): + """ + cord19 query shell. + """ + + intro = "cord19 query shell" + prompt = "(c19q) " + embeddings = None + db = None + + def preloop(self): + # Load embeddings and questions.db + self.embeddings, self.db = Query.load() + + def postloop(self): + if self.db: + self.db.close() + + def default(self, line): + Query.query(self.embeddings, self.db, line) + +def main(): + """ + Shell execution loop. + """ + + Shell().cmdloop() + +if __name__ == "__main__": + main() diff --git a/src/python/cord19q/tokenizer.py b/src/python/cord19q/tokenizer.py new file mode 100644 index 0000000..c52bb7d --- /dev/null +++ b/src/python/cord19q/tokenizer.py @@ -0,0 +1,39 @@ +""" +Text tokenization methods +""" + +import re +import string + +class Tokenizer(object): + """ + Text tokenization methods + """ + + # Default punctuation list + PUNCTUATION = string.punctuation + + # English Stop Word List (Standard stop words used by Apache Lucene) + STOP_WORDS = {"a", "an", "and", "are", "as", "at", "be", "but", "by", "for", "if", "in", "into", "is", "it", + "no", "not", "of", "on", "or", "such", "that", "the", "their", "then", "there", "these", + "they", "this", "to", "was", "will", "with"} + + @staticmethod + def tokenize(text): + """ + Tokenizes input text into a list of tokens. Filters tokens that match a specific pattern and removes stop words. + + Args: + text: input text + + Returns: + list of tokens + """ + + # Convert to all lowercase, split on whitespace, strip punctuation + tokens = [token.strip(Tokenizer.PUNCTUATION) for token in text.lower().split()] + + # Tokenize on alphanumeric strings. + # Require strings to be at least 2 characters long. + # Require at least 1 alpha character in string. + return [token for token in tokens if re.match(r"^\d*[a-z][\-.0-9:_a-z]{1,}$", token) and token not in Tokenizer.STOP_WORDS] diff --git a/src/python/cord19q/vectors.py b/src/python/cord19q/vectors.py new file mode 100644 index 0000000..62fe222 --- /dev/null +++ b/src/python/cord19q/vectors.py @@ -0,0 +1,170 @@ +""" +Vectors module +""" + +import os +import os.path +import sqlite3 +import tempfile + +import fasttext +import fasttext.util + +# pylint: disable=E0401,E0611 +# Defined at runtime +from .magnitude import converter +from .models import Models +from .tokenizer import Tokenizer + +class RowIterator(object): + """ + Iterates over rows in a database query. Allows for multiple iterations. + """ + + def __init__(self, dbfile): + """ + Initializes RowIterator. + + Args: + dbfile: path to SQLite file + """ + + # Store database file + self.dbfile = dbfile + + self.rows = self.stream(self.dbfile) + + def __iter__(self): + """ + Creates a database query generator. + + Returns: + generator + """ + + # reset the generator + self.rows = self.stream(self.dbfile) + return self + + def __next__(self): + """ + Gets the next result in the current generator. + + Returns: + tokens + """ + + result = next(self.rows) + if result is None: + raise StopIteration + else: + return result + + def stream(self, dbfile): + """ + Connects to SQLite file at dbfile and yields parsed tokens for each row. + + Args: + dbfile: + """ + + # Connection to database file + db = sqlite3.connect(dbfile) + cur = db.cursor() + + cur.execute("SELECT Text FROM sections") + + count = 0 + for section in cur: + # Tokenize text + tokens = Tokenizer.tokenize(section[0]) + + count += 1 + if count % 1000 == 0: + print("Streamed %d documents" % (count)) + + # Skip documents with no tokens parsed + if tokens: + yield tokens + + print("Iterated over %d total rows" % (count)) + + # Free database resources + db.close() + +class Vectors(object): + """ + Methods to build a FastText model. + """ + + @staticmethod + def tokens(dbfile): + """ + Iterates over each row in dbfile and writes parsed tokens to a temporary file for processing. + + Args: + dbfile: SQLite file to read + + Returns: + path to output file + """ + + tokens = None + + # Stream tokens to temp working file + with tempfile.NamedTemporaryFile(mode="w", suffix=".txt", delete=False) as output: + # Save file path + tokens = output.name + + for row in RowIterator(dbfile): + output.write(" ".join(row) + "\n") + + return tokens + + @staticmethod + def run(dbfile, size, mincount): + """ + Converts dbfile into a fastText model using pymagnitude's SQLite output format. + + Args: + dbfile: input SQLite file + size: dimensions for fastText model + mincount: minimum number of times a token must appear in input + """ + + # Stream tokens to temporary file + tokens = Vectors.tokens(dbfile) + + # Train on tokens file using largest dimension size + model = fasttext.train_unsupervised(tokens, dim=size, minCount=mincount) + + # Remove temporary tokens file + os.remove(tokens) + + # Output file path + print("Building %d dimension model" % size) + path = Models.vectorPath("cord19-%dd" %size, True) + + # Output vectors in vec/txt format + with open(path + ".txt", "w") as output: + words = model.get_words() + output.write("%d %d\n" % (len(words), model.get_dimension())) + + for word in words: + # Skip end of line token + if word != "": + vector = model.get_word_vector(word) + data = "" + for v in vector: + data += " " + str(v) + + output.write(word + data + "\n") + + # Convert and delete tokens, text vectors + print("Converting file to magnitude format") + converter.convert(path + ".txt", path + ".magnitude", subword=True) + os.remove(path + ".txt") + +if __name__ == "__main__": + # Resolve articles.db path and run + Vectors.run(os.path.join(Models.modelPath(), "articles.db"), 300, 3) diff --git a/tasks/diagnostics.md b/tasks/diagnostics.md new file mode 100644 index 0000000..ab804ba --- /dev/null +++ b/tasks/diagnostics.md @@ -0,0 +1,1092 @@ +# How widespread current exposure is to be able to make immediate policy recommendations on mitigation measures. Denominators for testing and a mechanism for rapidly sharing that information, including demographics, to the extent possible. Sampling methods to determine asymptomatic disease (e.g., use of serosurveys (such as convalescent samples) and early detection of disease (e.g., use of screening of neutralizing antibodies such as ELISAs). + +[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5460): **Serological testing such as ELISA, IIFT and neutralization tests are effective in determining the extent of infection, including estimating asymptomatic and attack rate. Compared to the detection of viral genome through molecular methods, serological testing detects antibodies and antigens. There would be a lag period as antibodies specifically targeting the virus would normally appear between 14 and 28 days after the illness onset [108] . Furthermore, studies suggest that low antibody titers in the second week or delayed antibody production could be associated with mortality with a high viral load. Hence, serological diagnoses are likely used when nucleic amplification tests (NAAT) are not available or accessible [102] .**
+
+[Serological detection of 2019-nCoV respond to the epidemic: A useful complement to nucleic acid testing](https://doi.org/doi.org/10.1101/2020.03.04.20030916)
+Authors: Jin Zhang; Jianhua Liu; Na Li; Yong Liu; Rui Ye; Xiaosong Qin; Rui Zheng
+Published: 2020-03-06 00:00:00
+Match (0.5445): **Serological detection of 2019-nCoV respond to the epidemic: A useful complement to nucleic acid testing**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5426): **The key limitations of genetic material detection are the lack of knowledge of the presence of viable virus, the potential cross-reactivity with non-specific genetic regions and the short timeframe for accurate detection during the acute infection phase. The key limitations of serological testing is the need to collect paired serum samples (in the acute and convalescent phases) from cases under investigation for confirmation to eliminate potential cross-reactivity from non-specific antibodies from past exposure and/or infection by other coronaviruses. The limitation of virus culture and isolation is the long duration and the highly specialized skills required of the technicians to process the samples. All patients recovered.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5041): **SARS-CoV-2 can cause asymptomatic to fatal respiratory diseases [36] . Asymptomatic to mild COVID-19 infections can go unnoticed and there may be a lack of seroconversion among nucleic acid PCR-confirmed cases which requires further serosurveillance studies. Evaluation of the serologic response of SARS-CoV-2 infected patients according to the disease severity will help determine the potential role of serodiagnostic parameters as prognostic markers. The development of accurate and robust serological assay will help determine the accurate SARS-CoV-2 prevalence.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.4858): **An alternative strategy of generating neutralizing antibodies against 2019-nCoV S protein would be to immunize large animals (sheep, goat, cow) with the 2019-nCoV S protein, and then purifying polyclonal antibodies from the animals 20 . This strategy may serve an expedited service in the setting of an outbreak and has many advantages such as simplifying production and manufacturing, but has limited guarantees that each animal would produce neutralizing antisera, or what the antibody titer would be in each animal 21 . Moreover, there is also the human immune response against foreign immunoglobulins to other species, which would potentially complicate any treatment scenarios 22 . In a truly desperate scenario, this strategy may be viable for a short-term, but would not easily scale in the 2019-nCoV outbreak, which is already rapidly multiplying.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.4858): **An alternative strategy of generating neutralizing antibodies against 2019-nCoV S protein would be to immunize large animals (sheep, goat, cow) with the 2019-nCoV S protein, and then purifying polyclonal antibodies from the animals 20 . This strategy may serve an expedited service in the setting of an outbreak and has many advantages such as simplifying production and manufacturing, but has limited guarantees that each animal would produce neutralizing antisera, or what the antibody titer would be in each animal 21 . Moreover, there is also the human immune response against foreign immunoglobulins to other species, which would potentially complicate any treatment scenarios 22 . In a truly desperate scenario, this strategy may be viable for a short-term, but would not easily scale in the 2019-nCoV outbreak, which is already rapidly multiplying.**
+
+[2019-novel Coronavirus (2019-nCoV): estimating the case fatality rate - a word of caution](https://doi.org/10.4414/smw.2020.20203)
+Authors: Battegay, Manuel; Kuehl, Richard; Tschudin-Sutter, Sarah; Hirsch, Hans H.; Widmer, Andreas F.; Neher, Richard A.
+Published: 2020-01-01 00:00:00
+Publication: Swiss Med Wkly
+Match (0.4835): **Better estimates could be derived from large-scale investigations, in particular, in the region of the epidemic's origin. Still, population-based testing of respiratory secretions by nucleic acid amplification testing (NAT) for 2019-nCoV would most likely underestimate the scale of the outbreak, as asymptomatic patients or patients after recovery from infection may no longer be NAT-positive. A sensitive 2019-nCoV-specific serological assay is needed to firmly assess the rate of past exposure and may help to assess herd immunity.**
+
+[Serological detection of 2019-nCoV respond to the epidemic: A useful complement to nucleic acid testing](https://doi.org/doi.org/10.1101/2020.03.04.20030916)
+Authors: Jin Zhang; Jianhua Liu; Na Li; Yong Liu; Rui Ye; Xiaosong Qin; Rui Zheng
+Published: 2020-03-06 00:00:00
+Match (0.4805): **The disadvantage of nucleic acid detection is the existence of relative high false negative rate, and serological antibody detection has the advantage of high sensitivity, so the combination of the two will be a good diagnostic means. It can be inferred that after the future epidemic situation has been controlled to a certain extent, as a convenient method, antibody detection is still necessary to make differential diagnosis of other respiratory pathogens infection.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.4731): **A neutralizing antibody targeting the S protein on the surface of 2019-nCoV is likely the first therapy contemplated by biomedical researchers in academia and industry, providing passive immunity to disease 15 . The recently published genome sequence of 2019-nCoV (GenBank: MN908947.3) allows researchers to perform gene synthesis in the lab and consider expressing the S protein as an immunogen. Traditional methods of screening mice or rabbits for neutralizing antibodies may be too slow for this outbreak, but faster methods such as using phage or yeast display libraries that express antibody fragments could be used quickly to identify lead candidates for viral neutralization 16, 17 . The challenge is that any antibody candidate would need to be rigorously tested in cell culture and animal models to confirm that it can neutralize 2019-nCoV and prevent infection. Furthermore, several isolates would need to be tested that are circulating in the population to try to assess if sufficient breadth of coverage is obtained with the neutralizing antibody. Information from other coronaviruses species like SARS would be helpful as to where to target the best epitope in order to produce neutralizing antibodies (the receptorbinding domain in the S protein is a key target) 18 , but again this is a slow and challenging process, which may not yield significant gains for several months. Moreover, ultimately a cocktail of antibodies may be required to ensure full protection for patients, which would add additional complexity for formulation and manufacturing. Like some of the therapeutic options discussed below, the ability to express any lead candidates in lower organisms for protein expression (bacteria, yeast, insect cells) would facilitate faster production of therapy for patients 19 .**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.4731): **A neutralizing antibody targeting the S protein on the surface of 2019-nCoV is likely the first therapy contemplated by biomedical researchers in academia and industry, providing passive immunity to disease 15 . The recently published genome sequence of 2019-nCoV (GenBank: MN908947.3) allows researchers to perform gene synthesis in the lab and consider expressing the S protein as an immunogen. Traditional methods of screening mice or rabbits for neutralizing antibodies may be too slow for this outbreak, but faster methods such as using phage or yeast display libraries that express antibody fragments could be used quickly to identify lead candidates for viral neutralization 16, 17 . The challenge is that any antibody candidate would need to be rigorously tested in cell culture and animal models to confirm that it can neutralize 2019-nCoV and prevent infection. Furthermore, several isolates would need to be tested that are circulating in the population to try to assess if sufficient breadth of coverage is obtained with the neutralizing antibody. Information from other coronaviruses species like SARS would be helpful as to where to target the best epitope in order to produce neutralizing antibodies (the receptorbinding domain in the S protein is a key target) 18 , but again this is a slow and challenging process, which may not yield significant gains for several months. Moreover, ultimately a cocktail of antibodies may be required to ensure full protection for patients, which would add additional complexity for formulation and manufacturing. Like some of the therapeutic options discussed below, the ability to express any lead candidates in lower organisms for protein expression (bacteria, yeast, insect cells) would facilitate faster production of therapy for patients 19 .**
+
+# Efforts to increase capacity on existing diagnostic platforms and tap into existing surveillance platforms. + +[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.6702): **Overall, agnostic or unbiased metagenomic sequencing capabilities in-country provide the ability to detect and respond to a variety of pathogens, even those that are unanticipated or unknown. Bridging of existing local and global resources for sequencing and analysis allows for better realtime surveillance locally, while also enabling better health pursuits overall, not just during outbreaks. The example described here serves as a call for continued training and infrastructure to support mNGS capacity in developing countries as bioinformatic tools proliferate and the cost of sequencing decreases.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6137): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.5950): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5944): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.5895): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.02.968818 doi: bioRxiv preprint genes for primary detection. This detection directly increased on-the-ground certainty in diagnostic sensitivity and specificity of available assays. 7 mNGS in field settings proved critical in development of countermeasures for the 2014-2016 Ebola virus epidemic in West Africa, just as ongoing sequencing of COVID-19 cases from lesser developed areas of Southeast Asia will contribute to overall understanding of pathogen transmission, origin, and evolution. 9,10 While COVID-19 cases are not limited to one remote region, as is often the case with viral hemorrhagic fever outbreaks, sequenced samples from all countries will be important for global disease containment. Instead of being limited to consensus Sanger sequencing, which may not detect high risk quasispecies, metagenomics is a powerful approach to detect variants of both novel and known species as epidemics evolve. 11 The clear limitation in an mNGS approach is that low viral titers or high levels of host material demand greater read depth than may be available on instruments such as the iSeq100. To overcome this barrier, our follow-up steps included a target enrichment of SARS-CoV-2 while keeping the comprehensiveness of our mNGS pipeline intact. 6 For an emerging threat, this strategy offers the flexibility to successfully recover the pathogen genome in question for subsequent phylogenetic analyses without compromising discovery. However, the other key factor in mNGS success is the accessibility to open-access, cloud-based metagenomics bioinformatics pipelines, such as IDseq which automates the process of separating host sequence characterizing the remaining non-host sequences. 12 As recent as the Ebola epidemic, bioinformatics analyses were still mainly completed in the Global North. 10 This newly available combination -more rugged, deployable sequencers plus user-friendly, globally accessible bioinformatics -represents an opportunity for responders in limited-resource settings; however, further proof-of-principle during outbreaks remains necessary.**
+
+[Rapid Detection of 2019 Novel Coronavirus SARS-CoV-2 Using a CRISPR-based DETECTR Lateral Flow Assay](https://doi.org/doi.org/10.1101/2020.03.06.20032334)
+Authors: James P Broughton; Xianding Deng; Guixia Yu; Clare L Fasching; Jasmeet Singh; Jessica Streithorst; Andrea Granados; Alicia Sotomayor-Gonzalez; Kelsey Zorn; Allan Gopez; Elaine Hsu; Wei Gu; Steven Miller; Chao-Yang Pan; Hugo Guevara; Debra Wadford; Janice Chen; Charles Y Chiu
+Published: 2020-03-10 00:00:00
+Match (0.5880): **in clinical samples. The use of existing qRT-PCR based assays is hindered by the need 123 for expensive lab instrumentation, and availability is currently restricted to public health 124 laboratories. Importantly, the DETECTR assays developed here have comparable 125 accuracy to qRT-PCR and are broadly accessible, as they use routine protocols and 126 commercially available, "off-the-shelf" reagents. Key advantages of our approach over 127 existing methods such as qRT-PCR include (1) isothermal signal amplification for rapid 128 target detection obviating the need for thermocycling, (2) single nucleotide target 129 specificity (guide RNAs at the N2 site can distinguish SARS-CoV-2 from SARS-CoV 130 and MERS-CoV), (3) integration with portable, low-cost reporting formats such as lateral 131 flow strips, and (4) quick development cycle to address emerging threats from novel 132 zoonotic viruses (<2 weeks for SARS-CoV-2, Supplementary Fig. 6) . 133**
+
+[Development and Evaluation of A CRISPR-based Diagnostic For 2019-novel Coronavirus](https://doi.org/doi.org/10.1101/2020.02.22.20025460)
+Authors: Tieying Hou; Weiqi Zeng; Minling Yang; Wenjing Chen; Lili Ren; Jingwen Ai; Ji Wu; Yalong Liao; Xuejing Gou; Yongjun Li; Xiaorui Wang; Hang Su; Jianwei Wang; Bing Gu; Teng Xu
+Published: 2020-02-23 00:00:00
+Match (0.5876): **The copyright holder for this preprint (which was not peer-reviewed) is Here, to address this question and the expanding clinical needs, we developed CRISPR-nCoV, 78 a rapid assay for 2019-nCoV detection, and compared the diagnostic performance among 79 three different technological platforms: metagenomic sequencing, RT-PCR and CRISPR. To the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5859): **The increasing abundance of affordable, sensitive, high-throughput genome sequencing technologies has led to a recent boom in metagenomics and the cataloguing of the microbiome of our world. The MinION nanopore sequencer is one of the latest innovations in this space, enabling direct sequencing in a miniature form factor with only minimal sample preparation and a consumer-grade laptop computer. Nakagawa and colleagues here report on their latest experiments using this system, further improving its performance for use in resource-poor contexts for meningitis diagnoses. 9 While direct sequencing of viral genomic RNA is challenging, this system was recently used to directly sequence an RNA virus genome (IAV) for the first time. 10 I anticipate further improvements in the performance of such devices over the coming decade will transform virus surveillance efforts, the importance of which was underscored by the recent EboV and novel coronavirus (nCoV / COVID-19) outbreaks, enabling rapid deployment of antiviral treatments that take resistance-conferring mutations into account.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5855): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5802): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+# Recruitment, support, and coordination of local expertise and capacity (public, private—commercial, and non-profit, including academic), including legal, ethical, communications, and operational issues. + +[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.7235): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7160): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6938): **The rapid spread of Coronavirus disease 2019 (COVID-19) presents China with a critical challenge. As normal capacity of the Chinese hospitals is exceeded, healthcare professionals struggling to manage this unprecedented crisis face the difficult question of how best to coordinate the medical resources used in highly separated locations. Many cities in China have been imposing a lockdown, due to the high risk of infection and the characteristic of human-to-human transmission 1 . Not only have patients been marginalized, but many clinicians working in the regional hospitals have limited access to the specialist consultations and treatment guidelines they need from provincial-level hospitals to manage pneumonia cases caused by COVID-19. As long as the crisis continues, simply relying on the traditional communicative practices, such as physician office visit or face-to-face consultations within the health professional network, could pose significant costs and health concerns.**
+
+[Incorporating Human Movement Data to Improve Epidemiological Estimates for 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.07.20021071)
+Authors: Zhidong Cao; Qingpeng Zhang; Xin Lu; Dirk Pfeiffer; Lei Wang; Hongbing Song; Tao Pei; Zhongwei Jia; Daniel Dajun Zeng
+Published: 2020-02-09 00:00:00
+Match (0.6764): **Due to the sensitive nature of the telecommunications data records, data processing and aggregation was conducted in-house in the telecommunications operators' secure computing environment by their own staff, without any participation from the author team. The applicable law of "Provisions on Protection of Personal Information of Telecommunications and Internet Users (Mainland China)" (11), and the guidelines from the Global System for Mobile Communications Association (GSMA) on the protection of privacy in the use of mobile phone data, were followed (12) . The authors have access to only exported data aggregated at the provincial and municipal level. No personal information was processed in the analysis of this study. This study was approved by the Biomedical Research Ethics Review Board of Chinese Academy of Sciences Institute of Automation (approval #IA-202001).**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6696): **The WHO exists to coordinate and lead in global health, and for the past week the Strategic Health Operations Centre (SHOC) has been holding hourly meetings to keep abreast of nCoV developments. The SHOC coordinates information and responses through a network of WHO teams, member states, and partner organisations; providing advice, tracking cases, and monitoring essential resources in the field. An Emergency Committee advises the Director General, who makes the ultimate decision on when and whether to declare a public health emergency of international concern. Thus far, escalation to this status has not been made, but the committee has planned to reconvene only days after their initial meeting to review this decision, closely following the rapid development of events. 4**
+
+[Authoritarianism, outbreaks, and information politics](https://doi.org/10.1016/S2468-2667(20)30030-X)
+Authors: Kavanagh, Matthew M.
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6681): **For Amartya Sen, authoritarian states face serious challenges in information and accountability. 6 Governments in closed political systems, without open media and opposition parties, struggle to receive accurate information in a timely manner and to convey urgent information to the public. Governments can be the victims of their own propaganda, because the country's political institutions provide incentives to local officials to avoid sharing bad news with their central bosses and await instructions before acting.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6655): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6648): **Organization, coordination, supervision, and evaluation of the monitoring work; collection, analysis, report, and feedback of the monitoring data; epidemiological investigation; strengthening laboratory testing ability, bio-safety protection awareness, and technical training; carrying out health education and publicity and risk communication to the public.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6514): **As of 26 January 2020, 30 provinces have initiated a level-1 public health response to control COVID-19 [22] . A level-1 response means that during the occurrence of a particularly serious public health emergency, the provincial headquarters shall organize and coordinate the emergency response work within its administrative area according to the decision deployment and unified command of the State Council [22] . Fever observation rooms shall be set up at stations, airports, ports, and so on to detect the body temperature of passengers entering and leaving the area and implement observation/registration for the suspicious patients. The government under its jurisdiction shall, in accordance with the law, take compulsory measures to restrict all kinds of the congregation, and ensure the supply of living resources. They will also ensure the sufficient supply of masks, disinfectants, and other protective articles on the market, and standardize the market order. The strengthening of public health surveillance, hygiene knowledge publicity, and monitoring of public places and key groups is required. Comprehensive medical institutions and some specialized hospitals should be prepared to accept COVID-19 patients to ensure that severe and critical cases can be differentiated, diagnosed, and effectively treated in time. The health administration departments, public health departments, and medical institutions at all (province, city, county, district, township, and street) levels, and social organizations shall function in epidemic prevention and control and provide guidance for patients and close contact families for disease prevention [23] .**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6485): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+# National guidance and guidelines about best practices to states (e.g., how states might leverage universities and private laboratories for testing purposes, communications to public health officials and the public). + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7200): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6876): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[Initial Public Health Response and Interim Clinical Guidance for the 2019 Novel Coronavirus Outbreak — United States, December 31, 2019–February 4, 2020](http://dx.doi.org/10.15585/mmwr.mm6905e1)
+Authors: Patel, Anita; Jernigan, Daniel B.; Abdirizak, Fatuma; Abedi, Glen; Aggarwal, Sharad; Albina, Denise; Allen, Elizabeth; Andersen, Lauren; Anderson, Jade; Anderson, Megan; Anderson, Tara; Anderson, Kayla; Bardossy, Ana Cecilia; Barry, Vaughn; Beer, Karlyn; Bell, Michael; Berger, Sherri; Bertulfo, Joseph; Biggs, Holly; Bornemann, Jennifer; Bornstein, Josh; Bower, Willie; Bresee, Joseph; Brown, Clive; Budd, Alicia; Buigut, Jennifer; Burke, Stephen; Burke, Rachel; Burns, Erin; Butler, Jay; Cantrell, Russell; Cardemil, Cristina; Cates, Jordan; Cetron, Marty; Chatham-Stephens, Kevin; Chatham-Stevens, Kevin; Chea, Nora; Christensen, Bryan; Chu, Victoria; Clarke, Kevin; Cleveland, Angela; Cohen, Nicole; Cohen, Max; Cohn, Amanda; Collins, Jennifer; Dahl, Rebecca; Daley, Walter; Dasari, Vishal; Davlantes, Elizabeth; Dawson, Patrick; Delaney, Lisa; Donahue, Matthew; Dowell, Chad; Dyal, Jonathan; Edens, William; Eidex, Rachel; Epstein, Lauren; Evans, Mary; Fagan, Ryan; Farris, Kevin; Feldstein, Leora; Fox, LeAnne; Frank, Mark; Freeman, Brandi; Fry, Alicia; Fuller, James; Galang, Romeo; Gerber, Sue; Gokhale, Runa; Goldstein, Sue; Gorman, Sue; Gregg, William; Greim, William; Grube, Steven; Hall, Aron; Haynes, Amber; Hill, Sherrasa; Hornsby-Myers, Jennifer; Hunter, Jennifer; Ionta, Christopher; Isenhour, Cheryl; Jacobs, Max; Slifka, Kara Jacobs; Jernigan, Daniel; Jhung, Michael; Jones-Wormley, Jamie; Kambhampati, Anita; Kamili, Shifaq; Kennedy, Pamela; Kent, Charlotte; Killerby, Marie; Kim, Lindsay; Kirking, Hannah; Koonin, Lisa; Koppaka, Ram; Kosmos, Christine; Kuhar, David; Kuhnert-Tallman, Wendi; Kujawski, Stephanie; Kumar, Archana; Landon, Alexander; Lee, Leslie; Leung, Jessica; Lindstrom, Stephen; Link-Gelles, Ruth; Lively, Joana; Lu, Xiaoyan; Lynch, Brian; Malapati, Lakshmi; Mandel, Samantha; Manns, Brian; Marano, Nina; Marlow, Mariel; Marston, Barbara; McClung, Nancy; McClure, Liz; McDonald, Emily; McGovern, Oliva; Messonnier, Nancy; Midgley, Claire; Moulia, Danielle; Murray, Janna; Noelte, Kate; Noonan-Smith, Michelle; Nordlund, Kristen; Norton, Emily; Oliver, Sara; Pallansch, Mark; Parashar, Umesh; Patel, Anita; Patel, Manisha; Pettrone, Kristen; Pierce, Taran; Pietz, Harald; Pillai, Satish; Radonovich, Lewis; Reagan-Steiner, Sarah; Reel, Amy; Reese, Heather; Rha, Brian; Ricks, Philip; Rolfes, Melissa; Roohi, Shahrokh; Roper, Lauren; Rotz, Lisa; Routh, Janell; Sakthivel, Senthil Kumar; Sarmiento, Luisa; Schindelar, Jessica; Schneider, Eileen; Schuchat, Anne; Scott, Sarah; Shetty, Varun; Shockey, Caitlin; Shugart, Jill; Stenger, Mark; Stuckey, Matthew; Sunshine, Brittany; Sykes, Tamara; Trapp, Jonathan; Uyeki, Timothy; Vahey, Grace; Valderrama, Amy; Villanueva, Julie; Walker, Tunicia; Wallace, Megan; Wang, Lijuan; Watson, John; Weber, Angie; Weinbaum, Cindy; Weldon, William; Westnedge, Caroline; Whitaker, Brett; Whitaker, Michael; Williams, Alcia; Williams, Holly; Willams, Ian; Wong, Karen; Xie, Amy; Yousef, Anna
+Published: 2020-02-07 00:00:00
+Publication: MMWR Morb Mortal Wkly Rep
+Match (0.6858): **What are the implications for public health practice? CDC, multiple other federal agencies, state and local health departments, and other partners are implementing aggressive measures to substantially slow U.S. transmission of 2019-nCoV, including identification of U.S. cases and contacts and managing travelers arriving from mainland China to the United States. Interim guidance is available at https://www.cdc.gov/coronavirus/index. html and will be updated as more information becomes available.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6721): **As of 26 January 2020, 30 provinces have initiated a level-1 public health response to control COVID-19 [22] . A level-1 response means that during the occurrence of a particularly serious public health emergency, the provincial headquarters shall organize and coordinate the emergency response work within its administrative area according to the decision deployment and unified command of the State Council [22] . Fever observation rooms shall be set up at stations, airports, ports, and so on to detect the body temperature of passengers entering and leaving the area and implement observation/registration for the suspicious patients. The government under its jurisdiction shall, in accordance with the law, take compulsory measures to restrict all kinds of the congregation, and ensure the supply of living resources. They will also ensure the sufficient supply of masks, disinfectants, and other protective articles on the market, and standardize the market order. The strengthening of public health surveillance, hygiene knowledge publicity, and monitoring of public places and key groups is required. Comprehensive medical institutions and some specialized hospitals should be prepared to accept COVID-19 patients to ensure that severe and critical cases can be differentiated, diagnosed, and effectively treated in time. The health administration departments, public health departments, and medical institutions at all (province, city, county, district, township, and street) levels, and social organizations shall function in epidemic prevention and control and provide guidance for patients and close contact families for disease prevention [23] .**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6571): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Authoritarianism, outbreaks, and information politics](https://doi.org/10.1016/S2468-2667(20)30030-X)
+Authors: Kavanagh, Matthew M.
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6514): **For Amartya Sen, authoritarian states face serious challenges in information and accountability. 6 Governments in closed political systems, without open media and opposition parties, struggle to receive accurate information in a timely manner and to convey urgent information to the public. Governments can be the victims of their own propaganda, because the country's political institutions provide incentives to local officials to avoid sharing bad news with their central bosses and await instructions before acting.**
+
+[Li Wenliang, a face to the frontline healthcare worker? The first doctor to notify the emergence of the SARS-CoV-2, (COVID-19), outbreak](https://doi.org/10.1016/j.ijid.2020.02.052)
+Authors: Petersen, Eskild; Hui, David; Hamer, Davidson H.; Blumberg, Lucille; Madoff, Lawrence C.; Pollack, Marjorie; Lee, Shui Shan; McLellan, Susan; Memish, Ziad; Praharaj, Ira; Wasserman, Sean; Ntoumi, Francine; Azhar, Esam Ibraheem; McHugh, Timothy D.; Kock, Richard; Ippolito, Guiseppe; Zumla, Ali; Koopmans, Marion
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.6452): **Global public health security is of primary importance to prevent outbreaks of diseases with epidemic potential and every effort to detect, report, and institute infection prevention and control measures should be made. Astute clinicians, access to laboratories with state of the art tools, and openness, transparency and quick reporting are crucial components of this response (Kavanagh, 2020) . This requires an open flow of information and collaboration between laboratory experts and clinicians on the frontline who may be the first to observe unusual clustering of cases or uncommon clinical presentations, both of which should be reported immediately.**
+
+[Emergence of a Novel Coronavirus Disease (COVID-19) and the Importance of Diagnostic Testing: Why Partnership between Clinical Laboratories, Public Health Agencies, and Industry Is Essential to Control the Outbreak](https://doi.org/10.1093/clinchem/hvaa071)
+Authors: Binnicker, Matthew J.
+Published: 2020-01-01 00:00:00
+Publication: Clinical Chemistry
+Match (0.6417): **Emergence of a Novel Coronavirus Disease (COVID-19) and the Importance of Diagnostic Testing: Why Partnership between Clinical Laboratories, Public Health Agencies, and Industry Is Essential to Control the Outbreak**
+
+[Initial Public Health Response and Interim Clinical Guidance for the 2019 Novel Coronavirus Outbreak — United States, December 31, 2019–February 4, 2020](http://dx.doi.org/10.15585/mmwr.mm6905e1)
+Authors: Patel, Anita; Jernigan, Daniel B.; Abdirizak, Fatuma; Abedi, Glen; Aggarwal, Sharad; Albina, Denise; Allen, Elizabeth; Andersen, Lauren; Anderson, Jade; Anderson, Megan; Anderson, Tara; Anderson, Kayla; Bardossy, Ana Cecilia; Barry, Vaughn; Beer, Karlyn; Bell, Michael; Berger, Sherri; Bertulfo, Joseph; Biggs, Holly; Bornemann, Jennifer; Bornstein, Josh; Bower, Willie; Bresee, Joseph; Brown, Clive; Budd, Alicia; Buigut, Jennifer; Burke, Stephen; Burke, Rachel; Burns, Erin; Butler, Jay; Cantrell, Russell; Cardemil, Cristina; Cates, Jordan; Cetron, Marty; Chatham-Stephens, Kevin; Chatham-Stevens, Kevin; Chea, Nora; Christensen, Bryan; Chu, Victoria; Clarke, Kevin; Cleveland, Angela; Cohen, Nicole; Cohen, Max; Cohn, Amanda; Collins, Jennifer; Dahl, Rebecca; Daley, Walter; Dasari, Vishal; Davlantes, Elizabeth; Dawson, Patrick; Delaney, Lisa; Donahue, Matthew; Dowell, Chad; Dyal, Jonathan; Edens, William; Eidex, Rachel; Epstein, Lauren; Evans, Mary; Fagan, Ryan; Farris, Kevin; Feldstein, Leora; Fox, LeAnne; Frank, Mark; Freeman, Brandi; Fry, Alicia; Fuller, James; Galang, Romeo; Gerber, Sue; Gokhale, Runa; Goldstein, Sue; Gorman, Sue; Gregg, William; Greim, William; Grube, Steven; Hall, Aron; Haynes, Amber; Hill, Sherrasa; Hornsby-Myers, Jennifer; Hunter, Jennifer; Ionta, Christopher; Isenhour, Cheryl; Jacobs, Max; Slifka, Kara Jacobs; Jernigan, Daniel; Jhung, Michael; Jones-Wormley, Jamie; Kambhampati, Anita; Kamili, Shifaq; Kennedy, Pamela; Kent, Charlotte; Killerby, Marie; Kim, Lindsay; Kirking, Hannah; Koonin, Lisa; Koppaka, Ram; Kosmos, Christine; Kuhar, David; Kuhnert-Tallman, Wendi; Kujawski, Stephanie; Kumar, Archana; Landon, Alexander; Lee, Leslie; Leung, Jessica; Lindstrom, Stephen; Link-Gelles, Ruth; Lively, Joana; Lu, Xiaoyan; Lynch, Brian; Malapati, Lakshmi; Mandel, Samantha; Manns, Brian; Marano, Nina; Marlow, Mariel; Marston, Barbara; McClung, Nancy; McClure, Liz; McDonald, Emily; McGovern, Oliva; Messonnier, Nancy; Midgley, Claire; Moulia, Danielle; Murray, Janna; Noelte, Kate; Noonan-Smith, Michelle; Nordlund, Kristen; Norton, Emily; Oliver, Sara; Pallansch, Mark; Parashar, Umesh; Patel, Anita; Patel, Manisha; Pettrone, Kristen; Pierce, Taran; Pietz, Harald; Pillai, Satish; Radonovich, Lewis; Reagan-Steiner, Sarah; Reel, Amy; Reese, Heather; Rha, Brian; Ricks, Philip; Rolfes, Melissa; Roohi, Shahrokh; Roper, Lauren; Rotz, Lisa; Routh, Janell; Sakthivel, Senthil Kumar; Sarmiento, Luisa; Schindelar, Jessica; Schneider, Eileen; Schuchat, Anne; Scott, Sarah; Shetty, Varun; Shockey, Caitlin; Shugart, Jill; Stenger, Mark; Stuckey, Matthew; Sunshine, Brittany; Sykes, Tamara; Trapp, Jonathan; Uyeki, Timothy; Vahey, Grace; Valderrama, Amy; Villanueva, Julie; Walker, Tunicia; Wallace, Megan; Wang, Lijuan; Watson, John; Weber, Angie; Weinbaum, Cindy; Weldon, William; Westnedge, Caroline; Whitaker, Brett; Whitaker, Michael; Williams, Alcia; Williams, Holly; Willams, Ian; Wong, Karen; Xie, Amy; Yousef, Anna
+Published: 2020-02-07 00:00:00
+Publication: MMWR Morb Mortal Wkly Rep
+Match (0.6357): **On January 31, CDC published its third Health Advisory with interim guidance for clinicians and public health practitioners. † † † In addition, CDC issued a Clinical Action Alert through its Clinician Outreach and Communication Activity network on January 31. § § § Interim guidance for health care professionals is available at https://www.cdc. gov/coronavirus/2019-nCoV/hcp/clinical-criteria.html. † † † https://emergency.cdc.gov/han/han00427.asp. § § § https://emergency.cdc.gov/coca/calls/2020/callinfo_013120.asp.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6352): **The responsibilities of the organizations are shown in Table 2 . In accordance with the working principle of "prevention first, prevention and control combined, scientific guidance and timely treatment", the prevention and control work shall be carried out in a coordinated and standardized way [23] . Table 2 . Responsibilities for the different organizations at all (province, city, county, district, township, and street) levels in the outbreak of COVID-19.**
+
+# Development of a point-of-care test (like a rapid influenza test) and rapid bed-side tests, recognizing the tradeoffs between speed, accessibility, and accuracy. + +[Rapid Detection of Novel Coronavirus (COVID-19) by Reverse Transcription-Loop-Mediated Isothermal Amplification](https://doi.org/doi.org/10.1101/2020.02.19.20025155)
+Authors: Laura E Lamb; Sarah N Bartolone; Elijah Ward; Michael B Chancellor
+Published: 2020-02-24 00:00:00
+Match (0.6475): **Currently, clinical testing for COVID-19 is done by central testing laboratories, which may take one or more days. This study sought to improve upon this by developing a potential point-of-care test. Point-ofcare testing has several advantages for emerging infectious diseases like COVID-19 and must be easy to use, inexpensive, fast, and require little if any laboratory infrastructure while maintaining sensitivity and specificity. RT-LAMP meets these requirements and therefore has large value for screening and testing for COVID-19 in potentially exposed populations.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.6043): **In conclusion, SENSR is a powerful diagnostic platform for RNA detection, which 332 offers a short turnaround time, high sensitivity and specificity, and a simple assay procedure, 333 and eliminates the need for expensive instrumentations and diagnostic specialists. Given the 334 simple probe design process, and its rapid development, SENSR will be a suitable diagnostic 335 method for emerging infectious diseases. 336 All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Rapid Detection of 2019 Novel Coronavirus SARS-CoV-2 Using a CRISPR-based DETECTR Lateral Flow Assay](https://doi.org/doi.org/10.1101/2020.03.06.20032334)
+Authors: James P Broughton; Xianding Deng; Guixia Yu; Clare L Fasching; Jasmeet Singh; Jessica Streithorst; Andrea Granados; Alicia Sotomayor-Gonzalez; Kelsey Zorn; Allan Gopez; Elaine Hsu; Wei Gu; Steven Miller; Chao-Yang Pan; Hugo Guevara; Debra Wadford; Janice Chen; Charles Y Chiu
+Published: 2020-03-10 00:00:00
+Match (0.5821): **in clinical samples. The use of existing qRT-PCR based assays is hindered by the need 123 for expensive lab instrumentation, and availability is currently restricted to public health 124 laboratories. Importantly, the DETECTR assays developed here have comparable 125 accuracy to qRT-PCR and are broadly accessible, as they use routine protocols and 126 commercially available, "off-the-shelf" reagents. Key advantages of our approach over 127 existing methods such as qRT-PCR include (1) isothermal signal amplification for rapid 128 target detection obviating the need for thermocycling, (2) single nucleotide target 129 specificity (guide RNAs at the N2 site can distinguish SARS-CoV-2 from SARS-CoV 130 and MERS-CoV), (3) integration with portable, low-cost reporting formats such as lateral 131 flow strips, and (4) quick development cycle to address emerging threats from novel 132 zoonotic viruses (<2 weeks for SARS-CoV-2, Supplementary Fig. 6) . 133**
+
+[Estimated effectiveness of symptom and risk screening to prevent the spread of COVID-19](http://dx.doi.org/10.7554/eLife.55570)
+Authors: Gostic, Katelyn; Gomez, Ana CR; Mummah, Riley O; Kucharski, Adam J; Lloyd-Smith, James O
+Publication: eLife.; 9:e55570
+Match (0.5634): **The availability of rapid PCR tests would also be beneficial for case identification at arrival, and would help address concerns with false-positive detections by screening. If such tests were fast, there may be potential to test suspected cases in real time based on questionnaire responses, travel origin, or borderline symptoms; at least one PCR test for SARS-CoV-2 claimed to take less than an hour has already been announced (Biomeme, 2020) . However, such measures could prove highly expensive if implemented at scale. There is also scope for new tools to improve the ongoing tracking of travellers who pass through screening, such as smartphone-based self-reporting of temperature or symptoms in incoming cases . Smartphone or diary-based surveillance would be cheaper and more scalable than intense, on-the-ground follow-up, but is likely to be limited by user adherence.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.5591): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[A simple magnetic nanoparticles-based viral RNA extraction method for efficient detection of SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.22.961268)
+Authors: Zhao, Z.; Cui, H.; Song, W.; Ru, X.; Zhou, W.; Yu, X.
+Published: 2020-02-27 00:00:00
+Match (0.5563): **Furthermore, the pcMNPs-RNA complexes obtained by this method is also compatible with various isothermal amplification methods, such as RPA and LAMP, and thus could be used in the development of POCT devices. In conclusion, due to its simplicity, robustness, and excellent performances, our pcMNPs-based method may provide a promising alternative to solve the laborious and time-consuming viral RNA extraction operations, and thus exhibits a great potential in the high throughput SARS-CoV-2 molecular diagnosis. author/funder. All rights reserved. No reuse allowed without permission.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5557): **In addition to the results shown in this study, we expect that SENSR has a broad range 316 of possibilities for pathogen detection. First, SENSR can be easily implemented in the initial 317 screening of infectious diseases at places where a large number of people gather and 318 transfer 35,36 . With a short turnaround time and a simple reaction composition, SENSR is an 319 ideal diagnostic test for rapid and economical screening. Second, SENSR will be a valuable 320 platform for the immediate development of diagnostic tests for emerging pathogens 1,37 321 because of the simple probe design process and broad adaptability of SENSR. In this work, 322 we demonstrated the successful application of SENSR to six pathogens, using minimal 323 redesign based on the highly modular structure of the probes. In theory, SENSR detection 324 probes can be designed for any RNA as long as the target nucleic acid sequence is available. 325**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5377): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.03.05.20031971 doi: medRxiv preprint 14 more scalable than animal antibody production. Therefore, SENSR is more suitable for rapid 328 mass production of diagnostic kits than antibody-based diagnostics. Future efforts on 329 automated probe design will be needed to accelerate the development of SENSR assays for 330 newly emerging pathogens. 331**
+
+[Validity of Wrist and Forehead Temperature in Temperature Screening in the General Population During the Outbreak of 2019 Novel Coronavirus: a prospective real-world study](https://doi.org/doi.org/10.1101/2020.03.02.20030148)
+Authors: Ge Chen; Jiarong Xie; Guangli Dai; Peijun Zheng; Xiaqing Hu; Hongpeng Lu; Lei Xu; Xueqin Chen; Xiaomin Chen
+Published: 2020-03-06 00:00:00
+Match (0.5349): **In this study, we explored the accuracy and advantages of wrist temperature 78 measurement in a real-life population in different environments and conditions. We aimed to 79 find the thresholds of this key technique for diagnosis of fever. It may assist to improve the 80 standardization of both practical use and performance, especially indispensable in the 81 pandemic 2019-nCoV situation. 82 83 84 All rights reserved. No reuse allowed without permission. author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[A deep learning algorithm using CT images to screen for Corona Virus Disease (COVID-19)](https://doi.org/doi.org/10.1101/2020.02.14.20023028)
+Authors: Shuai Wang; Bo Kang; Jinlu Ma; Xianjun Zeng; Mingming Xiao; Jia Guo; Mengjiao Cai; Jingyi Yang; Yaodong Li; Xiangfei Meng; Bo Xu
+Published: 2020-02-17 00:00:00
+Match (0.5297): **Timely diagnosis and triaging of PUIs are crucial for the control of emerging infectious diseases such as the current COVID-19. Due to the limitation of nucleic acid -based laboratory testing, there is an urgent need to look for fast alternative methods that can be used by front-line health care personals for quickly and accurately diagnosing the disease. In the present study, we have developed an AI program by analyzing representative CT images using a deep learning method. This is a retrospective, multicohort, diagnostic study using our modified Inception migration neuro network, which has achieved an overall 89.5% accuracy. Moreover, the high performance of the deep learning model we developed in this study was tested using external samples with 79.3% accuracy. More importantly, as a screening method, our model achieved a relative high sensitivity, 0.88 and 0.83 on internal and external datasets, respectively. During current COVID-19 outbreaks and possible pandemics, the CNN model can potentially serve as a powerful tool for COVID-19 screening.**
+
+# Rapid design and execution of targeted surveillance experiments calling for all potential testers using PCR in a defined area to start testing and report to a specific entity. These experiments could aid in collecting longitudinal samples, which are critical to understanding the impact of ad hoc local interventions (which also need to be recorded). + +[Analysis of early renal injury in COVID-19 and diagnostic value of multi-index combined detection](https://doi.org/doi.org/10.1101/2020.03.07.20032599)
+Authors: Xu-wei Hong; Ze-pai Chi; Guo-yuan Liu; Hong Huang; Shun-qi Guo; Jing-ru Fan; Xian-wei Lin; Liao-zhun Qu; Rui-lie Chen; Ling-jie Wu; Liang-yu Wang; Qi-chuan Zhang; Su-wu Wu; Ze-qun Pan; Hao Lin; Yu-hua Zhou; Yong-hai Zhang
+Published: 2020-03-10 00:00:00
+Match (0.5478): **Patients were not directly involved in the design, planning and conducting of this study.**
+
+[Data sharing for novel coronavirus (COVID-19)](http://dx.doi.org/10.2471/BLT.20.251561)
+Authors: Moorthy, Vasee; Henao Restrepo, Ana Maria; Preziosi, Marie-Pierre; Swaminathan, Soumya
+Published: 2020-03-01 00:00:00
+Publication: Bull World Health Organ
+Match (0.4999): **Efforts for expedited data and results reporting should not be limited to clinical trials, but should include observational studies, operational research, routine surveillance and information on the virus and its genetic sequences, as well as the monitoring of disease control programmes.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.4919): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.4919): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Community responses during the early phase of the COVID-19 epidemic in Hong Kong: risk perception, information exposure and preventive measures](https://doi.org/doi.org/10.1101/2020.02.26.20028217)
+Authors: Kin On Kwok; Kin Kit Li; Ho Hin Chan; Yuan Yuan Yi; Arthur Tang; Wan In Wei; Yeung Shan Wong
+Published: 2020-02-27 00:00:00
+Match (0.4869): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.26.20028217 doi: medRxiv preprint early start enables timely assessment of the community responses such that there is sufficient gap period 307 to inform intervention policies. Second, our recruitment method, online survey via dissemination by 308 DCCA councilors, is the first of its kinds to capture responses during public holidays while maintaining progresses. However, contact information were collected from this study cohort and follow-up surveys 321 will be carried out as the disease progresses. CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4761): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[68 Consecutive patients assessed for COVID-19 infection; experience from a UK regional infectious disease unit](https://doi.org/doi.org/10.1101/2020.02.29.20029462)
+Authors: Nicholas Easom; Peter Moss; Gavin Barlow; Anda Samson; Tom Taynton; Kate Adams; Monica Ivan; Phillipa Burns; Kavitha Gajee; Kirstine Eastick; Patrick Lillie
+Published: 2020-03-06 00:00:00
+Match (0.4721): **Data were entered directly from clinical notes into a centrally held password protected spreadsheet, to facilitate patient follow up and data analysis. Clinical features, observations, investigations, management and outcomes are presented with descriptive statistics where relevant. Local clinical governance approval was granted to record the data as an ongoing service evaluation. As all care delivered to patients was routine, no ethical approval is necessary in keeping with UK national guidance that this is an evaluation of a current NHS service.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.4699): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.4622): **The ability to limit and control local transmission following introduction depends, however, on the application and execution of strict measures of detection, prevention and control. These include heightened surveillance, rapid identification of suspect cases followed by patient transfer and isolation, rapid diagnosis, tracing and follow-up of potential contacts [1] . The application of such a vast technical and operational set of interventions depends on countries' public health and laboratory infrastructures and resources.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4594): **Organization, coordination, supervision, and evaluation of the monitoring work; collection, analysis, report, and feedback of the monitoring data; epidemiological investigation; strengthening laboratory testing ability, bio-safety protection awareness, and technical training; carrying out health education and publicity and risk communication to the public.**
+
+# Separation of assay development issues from instruments, and the role of the private sector to help quickly migrate assays onto those devices. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5688): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5597): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5588): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5573): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.5426): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5327): **While it is true that the basic source of medical data is generally sourced from general practitioners or medical laboratories-a fact that has also been affirmed in the case of the current epidemic-this paper explores how data sourced from an urban perspective can contribute to the medical narrative. The conviction to dwell on the urban realm in this manuscript is based on the fact that the current epidemic (COVID-19) is transmitted majorly through human-to-human contact, and in most cases, especially where the spread is reported in a different country, the first point of contact is an urban area, where large groups of people convene, like airports or subway stations. In most cases, such facilities, which are mostly based in urban areas, are observed to have installed surveillance technologies to ensure that anyone showing any symptoms of the disease are identified and quarantined. However, even in such cases, as underlined in the present manuscript, the need for anonymizing medical data is emphasized to ensure that the use of current technologies does not breach data privacy and security requirements, across different geographies. In this case, novel technologies like Blockchain technologies and quantum cryptography can aid in the discussion and be made to integrate with data collecting technologies. This would render an increased wealth of data from both the medical field and smart city operators, while ensuring privacy and security; hence, aiding in providing relevant information for better informed decisions.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5310): **However, despite the indisputable roles that installed devices play in providing relevant health information, their data communication aspect needs to be reviewed. First, communications are seen to be geography-restricted (restricted to a given location), such that they seldom expand or communicate with their like, installed beyond their restricted areas. Secondly, these devices are usually sourced and installed by separate corporations that maintain unique and specific standards for data processing and sharing, and accordingly, tying cities to the sole usage of their product(s). Such strategies are adopted as private corporations try to maximize their economic gains, since the digital solution market is a lucrative one and is expected to continue growing and expanding [6, 7] .**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5273): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5269): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5155): **In addition to these methods, other smart city data sources include the application of terminal tracking systems that are mostly emphasized in Safe City concepts, where, at the point of entry or departure, relevant data is collected and analyzed. Li et al. [32] highlights that sensors installed in such locations have the potential to receive and distribute data in real-time to digital infrastructures within the network, and their interconnectedness in the network renders them extremely efficient in providing real-time updates on different issues. Urban areas are also known to be amassed with numerous Urban Health sensors, some of which are wearable. Though these are not specifically fashioned to track the present case of virus outbreak, they are able to track other related parameters like heartbeat, blood pressure, body temperature and others variables, that when analyzed can offer valuable insights. Loncar-Turukalo et al. [33] hail these devices for their role in transforming the health care sector especially by allowing for Connected Health (CH) care, where data collected from them can be analyzed and provide insightful information on the health scenario in any given area. Vashist et al. [34] further highlight how emerging features such as spatiotemporal mapping, remote monitoring and management, and enhanced cloud computing capabilities can emanate from such endeavours, leading to better urban management potential.**
+
+# Efforts to track the evolution of the virus (i.e., genetic drift or mutations) and avoid locking into specific reagents and surveillance/detection schemes. + +[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.4838): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[Evaluation of the potential incidence of COVID-19 and effectiveness of contention measures in Spain: a data-driven approach](https://doi.org/doi.org/10.1101/2020.03.01.20029801)
+Authors: Alberto Aleta; Yamir Moreno
+Published: 2020-03-06 00:00:00
+Match (0.4338): **As with any other novel disease, governments, public health services and the scientific community have been working towards stopping the spreading of COVID-19 as soon as possible and with the lowest possible impact on the population [4, [7] [8] [9] . From a scientific point of view, there are two course of actions that can be followed. On the one hand, new vaccines and pharmaceutical interventions need to be developed. This usually requires months of work. Therefore, on the other hand, it is important to study the large-scale spatial spreading of the disease through mathematical and computational modeling, which allows evaluating "in-silicon" what-if-scenarios and potential contention measures to stop or delay the disease. This modeling effort is key, as it can contribute to maximize the effectiveness of any protection measures and gain time to develop new drugs or a vaccine to protect the population. Here, we follow the modeling path and analyze, through a data-driven stochastic SEIR-metapopulation model, the temporal and spatial transmission of the COVID-19 disease in Spain as well as the expected impact of possible and customary contention measures.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.4333): **Reverse vaccinology refers to the process of developing vaccines where the novel antigens of a virus or microorganism or organism are detected by analyzing the genomic and genetic information of that particular virus or organism. In reverse vaccinology, the tools of bioinformatics are used for identifying and analyzing these novel antigens. These tools are used to dissect the genome and genetic makeup of a pathogen for developing a potential vaccine. Reverse vaccinology approach of vaccine development also allows the scientists to easily understand the antigenic segments of a virus or pathogen that should be given more emphasis during the vaccine development. This method is a quick, cheap, efficient, easy and cost-effective way to design vaccine. Reverse vaccinology has successfully been used for developing vaccines to fight against many viruses i.e., the Zika virus, Chikungunya virus etc. [ **
+
+[Potential impact of seasonal forcing on a SARS-CoV-2 pandemic](https://doi.org/doi.org/10.1101/2020.02.13.20022806)
+Authors: Richard A Neher; Robert Dyrdak; Valentin Druelle; Emma B Hodcroft; Jan Albert
+Published: 2020-02-17 00:00:00
+Match (0.4199): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10. 1101 compatible within the limits of the current knowledge about the outbreak. The implications of our work are that: 1) reductions in prevalence need not be attributable to successful interventions, but could be due to seasonal variation in transmissibility, 2) sub-population dynamics can differ greatly, meaning that case count trajectories in one country should be used cautiously to inform projections in a second country, even in the same climate zone, 3) seasonal variation might slow down a pandemic and thereby provide a window of opportunity for better preparation of health care systems world-wide by scaling up capacity for care and diagnostics, and potentially through rapid development of antivirals and vaccine, and 4) after several years SARS-CoV-2 could develop into an endemic seasonal CoV similar to the transition of the 2009 A/H1N1 pandemic influenza virus into a seasonal influenza virus.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4185): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.4157): **How far a virus will eventually spread at local, regional, national and international levels is of central concern during an epidemic outbreak due to the severe consequences large-scale epidemics have on human well-being [5] , the stability and coherence of social systems [11] , and the global economy [23] . A thorough understanding of the genetic characteristics of a virus is crucial to understand the way it is (or may be) transmitted (e.g. human-to-human transmissibility) in order to be able to anticipate the potential reach of an outbreak and develop effective countermeasures. The recent outbreak of a new type of coronavirus -2019-nCoV -provides plenty of examples of the way researchers seek to quickly approach the aforementioned problems of genetic decomposition of the virus [2, 8] and modelling of its transmission dynamics [15] .**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.4141): **However, many other important aspects of virus biology, such as, whether the virus can travel across continents, the list of species it can infect and whether it can cause severe mortality, are much harder to forecast. Our premise is that the amount of sequencing data currently available and the latest advances in computing methods using that data will make it possible for the first time to generate virtual models of how viruses evolve in each environment and how those viruses behave. Such models have the potential to make risk assessments as they arise that can be used to inform policy and direct strategies to head off impending threats.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.4133): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4112): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.4029): **Globally, recent decades have witnessed a growing disjunction, a 'Valley of Death' 1,2 no less, between broadening strides in fundamental biomedical research and their incommensurate reach into the clinic. Plumbing work on research funding and development pipelines through recent changes in the structure of government funding, 2 new public and private joint ventures and specialist undergraduate and postgraduate courses now aim to incorporate pathways to translation at the earliest stages. Reflecting this shift, the number of biomedical research publications targeting 'translational' concepts has increased exponentially, up 1800% between 2003 and 2014 3 and continuing to rise rapidly up to the present day. Fuelled by the availability of new research technologies, as well as changing disease, cost and other pressing issues of our time, further growth in this exciting space will undoubtedly continue. Despite recent advances in the therapeutic control of immune function and viral infection, current therapies are often challenging to develop, expensive to deploy and readily select for resistance-conferring mutants. Shaped by the hostvirus immunological 'arms race' and tempered in the forge of deep time, the biodiversity of our world is increasingly being harnessed for new biotechnologies and therapeutics. Simultaneously, a shift towards host-oriented antiviral therapies is currently underway. In this Clinical & Translational Immunology Special Feature, I illustrate a strategic vision integrating these themes to create new, effective, economical and robust antiviral therapies and immunotherapies, with both the realities and the opportunities afforded to researchers working in our changing world squarely in mind.**
+
+# Latency issues and when there is sufficient viral load to detect the pathogen, and understanding of what is needed in terms of biological and environmental sampling. + +[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.5368): **At the heart of vaccine development is the question of immunology and it is crucial to understand the immunological questions associated with viral infections. The clinical characteristics and treatment of 2019-nCoV and SARS both suggested a serious problem of immunopathology, particularly in the lung mucosa, which is complex and unique. It might be due to the fact that a systematic protective immune response is not enough to protect against viral infection. Currently, one of the most dangerous but valuable experiments is to perform tests on immune cells in the blood and lungs of infected patients, preferably during different stages of viral infection. Data on clinical immunity can lay the foundation for future vaccine development. We need to be aware of the challenges and concerns that 2019-nCoV poses to our community. Every effort should be made to understand and control the disease. The authors declare that they have no conflict of interest. This article does not contain any studies with human or animal subjects performed by any of the authors.**
+
+[The novel Coronavirus (SARS-CoV-2) is a one health issue](https://doi.org/10.1016/j.onehlt.2020.100123)
+Authors: Marty, Aileen Maria; Jones, Malcolm K.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5181): **One Health approaches attempt to strategize the coordinated efforts of multiple overlapping disciplines [19] , including environmental surveillance and environmental health. Primary components of the approach lie in animal health and environmental aspects. At the time of writing, the host from which the SARS-CoV-2 entered the human population is unknown although the suspicion is that food markets are likely sources for the original spillover. While the search for the natural host highly implicates bats [21] , search for the intermediary host, if any, is ongoing with the suggestions of the pangolin as a host far from certain. While it is premature to implicate any one particular urban source or natural host, the ensuing search will give insight into pathogens with potential to cross over into human transmission. This approach of environmental surveillance forms part of the PREDICT strategy [20] for detecting viruses with potential for spillover into human.**
+
+[A model simulation study on effects of intervention measures in Wuhan COVID-19 epidemic](https://doi.org/doi.org/10.1101/2020.02.14.20023168)
+Authors: Guopeng ZHOU; Chunhua CHI
+Published: 2020-02-18 00:00:00
+Match (0.5037): **With all these intervention measures undertaken, and maybe more on the way, proper tools are need anticipate possible effects on epidemic control and to provide reliable information to support future decisions. Simulation also can help people understand how infectious disease spread and how to understand the purpose and consequences of various efforts.**
+
+[Communicating the Risk of Death from Novel Coronavirus Disease (COVID-19)](https://doi.org/10.3390/jcm9020580)
+Authors: Kobayashi, Tetsuro; Jung, Sung-mok; Linton, M. Natalie; Kinoshita, Ryo; Hayashi, Katsuma; Miyama, Takeshi; Anzai, Asami; Yang, Yichi; Yuan, Baoyin; Akhmetzhanov, R. Andrei; Suzuki, Ayako; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5024): **It has been less than two months since the emergence of COVID-19 gained international recognition, and during this early phase the statistical estimation of the CFR is complicated by a number of technical obstacles. It is necessary to (i) account for the time delay from illness onset to death, (ii) define the population considered in the CFR denominator (how we define a case), and (iii) quantify the heterogeneity in the risk of death. Each of these requires a sophisticated modeling approach and detailed case dataset in addition to a simple division of the number of deaths by the number of cases. In the ongoing epidemic of COVID-19, all these aspects have not yet been fully addressed, although the global public health community is obliged to continually confront the epidemic and make political decisions encompassing travel restrictions, containment measures, and mitigation strategies. To accomplish the scientific assessment of the severity and sufficiently understand pitfalls surrounding the associated debates, we aim to guide the readers to understand the likely severity of COVID-19 and direct the course of future research.**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4925): **Scientific research is of vital importance for tackling emerging infectious diseases and developing effective intervention methods. The spread of infectious diseases is affected not only by the biological characteristics of the pathogen but also by various other factors such as politics, culture, economy, and the environment. Multidisciplinary research in biomedical, social, and environmental sciences is required to achieve a deeper understanding of disease transmission and develop more effective systems for emergency response.**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.4911): **However, many other important aspects of virus biology, such as, whether the virus can travel across continents, the list of species it can infect and whether it can cause severe mortality, are much harder to forecast. Our premise is that the amount of sequencing data currently available and the latest advances in computing methods using that data will make it possible for the first time to generate virtual models of how viruses evolve in each environment and how those viruses behave. Such models have the potential to make risk assessments as they arise that can be used to inform policy and direct strategies to head off impending threats.**
+
+[Fast assessment of human receptor-binding capability of 2019 novel coronavirus (2019-nCoV)](https://doi.org/doi.org/10.1101/2020.02.01.930537)
+Authors: Huang, Q.; Herrmann, A.
+Published: 2020-02-04 00:00:00
+Match (0.4855): **Of course, ultimate confirmation of computational predictions requires experimental verification, which will also be very important for improving our method in the future. However, experimental approaches for deeply understanding the human transmission of viruses in terms of receptor-binding interactions and specificity is rather time consuming. Sometimes, it might be even impossible to employ experimental methods to thoroughly examine every evolved, mutant strain of a newly emerged virus, such as 2019-nCoV in our case. As an alternative, using a high-performance computer, our approach may assess the receptor-binding capability of a newly identified strain within a very short period of time. Thus, our method can be useful for the post-genome analysis for a newly identified CoV and its mutant strains, with the first-determined genome data. Note that, although viral genome data provide useful sequence information for comparison-based assessments with previously identified viruses, these data themselves do not offer hints about how the encoded viral proteins carry out their functions which may lead to serious human infections and diseases. Hence, post-genome analysis of viral protein functions is valuable not only for understanding the viruses themselves, but also for offering useful scientific supports for making effective, early decisions about viral prevention and control.**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.4845): **The currently known viruses of the species Severe acute respiratory syndrome-related coronavirus may be as (poorly) representative for this particular species as the few individuals that we selected to represent H. sapiens in Fig. 1 . It is thus reasonable to assume that this biased knowledge of the natural diversity of the species Severe acute respiratory syndrome-related coronavirus limits our current understanding of fundamental aspects of the biology of this species and, as a consequence, our abilities to control zoonotic spillovers to humans. Future studies aimed at understanding the ecology of these viruses and advancing the accuracy and resolution of evolutionary analyses 41 would benefit greatly from adjusting our research and sampling strategies. This needs to include an expansion of our current research focus on human pathogens and their adaptation to specific hosts to other viruses in this species. To illustrate the great potential of species-wide studies, it may again be instructive to draw a parallel to H. sapiens, and specifically to the impressive advancements in personalized medicine in recent years. Results of extensive genetic analyses of large numbers of individuals representing diverse populations from all continents have been translated into clinical applications and greatly contribute to optimizing patient-specific diagnostics and therapy. They were instrumental in identifying reliable predictive markers for specific diseases as well as genomic sites that are under selection. It thus seems reasonable to expect that genome-based analyses with a comparable species coverage will be similarly insightful for coronaviruses. Also, additional diagnostic tools that target the entire species should be developed to complement existing tools optimized to detect individual pathogenic variants (a proactive approach). Technical solutions to this problem are already available; for example, in the context of multiplex PCR-based assays 42 . The costs for developing and applying (combined or separate) species-and virus-specific diagnostic tests in specific clinical and/or epidemiological settings may help to better appreciate the biological diversity and zoonotic potential of specific virus species and their members. Also, the further reduction of time required to identify the causative agents of novel virus infections will contribute to limiting the enormous social and economic consequences of large outbreaks. To advance such studies, innovative fundraising approaches may be required.**
+
+[Amplicon based MinION sequencing of SARS-CoV-2 and metagenomic characterisation of nasopharyngeal swabs from patients with COVID-19](https://doi.org/doi.org/10.1101/2020.03.05.20032011)
+Authors: Shona C Moore; Rebekah Penrice-Randal; Muhannad Alruwaili; Xiaofeng Dong; Steven T Pullan; Daniel Carter; Kevin Bewley; Qin Zhao; Yani Sun; Catherine Hartley; En-min Zhou; Tom Solomon; Michael B. J. Beadsworth; James Cruise; Debby Bogaert; Derrick W T Crook; David A Matthews; Andrew D. Davidson; Zana Mahmood; Waleed Aljabr; Julian Druce; Richard T Vipond; Lisa Ng; Laurent Renia; Peter Openshaw; J Kenneth Baillie; Miles W Carroll; Calum Semple; Lance Turtle; Julian Alexander Hiscox
+Published: 2020-03-08 00:00:00
+Match (0.4831): **Determining the background microbiome in near real time can inform potential treatment strategies in the event specific co-infections are identified. Future efforts will quantify the limits of detection using genome sequencing by these approaches.**
+
+[Should, and how can, exercise be done during a coronavirus outbreak? — An interview with Dr. Jeffrey A. Woods](https://doi.org/10.1016/j.jshs.2020.01.005)
+Authors: Zhu, Weimo
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.4820): **1. What are the mechanisms whereby exercise affects various aspects of immune functioning? 2. How do various acute and chronic exercise paradigms affect immune system omics measures? 3. Does exercise cause epigenetic changes in our immune systems? 4. Do exercise-induced changes in immune functioning translate into health benefits? 5. How does exercise impact the gut microbiome and gut immunity? 6. What are optimal exercise dose-responses for various disease states?**
+
+# Use of diagnostics such as host response markers (e.g., cytokines) to detect early disease or predict severe disease progression, which would be important to understanding best clinical practice and efficacy of therapeutic interventions. + +[Prognostic value of NT-proBNP in patients with severe COVID-19](https://doi.org/doi.org/10.1101/2020.03.07.20031575)
+Authors: Lei Gao; Dan Jiang; Xuesong Wen; Xiaocheng Cheng; Min Sun; Bin He; Lin-na You; Peng Lei; Xiao-wei Tan; Shu Qin; Guoqiang Cai; Dongying Zhang
+Published: 2020-03-10 00:00:00
+Match (0.6838): **Investigating prognostic markers for severe patients are required to supply important information for early therapeutic strategy.**
+
+[Understanding SARS-CoV-2-Mediated Inflammatory Responses: From Mechanisms to Potential Therapeutic Tools](https://doi.org/10.1007/s12250-020-00207-4)
+Authors: Fu, Yajing; Cheng, Yuanxiong; Wu, Yuntao
+Published: 2020-01-01 00:00:00
+Publication: Virol Sin
+Match (0.6038): **Understanding SARS-CoV-2-Mediated Inflammatory Responses: From Mechanisms to Potential Therapeutic Tools**
+
+[Exploring diseases/traits and blood proteins causally related to expression of ACE2, the putative receptor of 2019-nCov: A Mendelian Randomization analysis](https://doi.org/doi.org/10.1101/2020.03.04.20031237)
+Authors: Shitao Rao; Alexandria Lau; Hon-Cheong So
+Published: 2020-03-08 00:00:00
+Match (0.6002): **In addition to diseases, we also studied serum/plasma proteins as exposure, as they may point to potential molecular mechanisms underlying ACE2 expression, and may serve as potential predictive or prognostic biomarkers. It has also been suggested that such proteome-wide studies may help to reveal drug repositioning candidates 21 , through the search for drugs that target the top-ranked proteins. For example, if a protein is found to casually increase the risk of a disease by MR, by the definition of causality, blocking the protein will lead to reduced disease risks. In our study, by finding plasma/serum proteins causally linked to ACE2 expression, we may find drugs that will alter ACE2 expression, which in turn may be useful for treatment.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.5930): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Mucin 4 Protects Female Mice from Coronavirus Pathogenesis](https://doi.org/doi.org/10.1101/2020.02.19.957118)
+Authors: Plante, J. A.; Plante, K.; Gralinski, L.; Beall, A.; Ferris, M. T.; Bottomly, D.; Green, R. R.; McWeeney, S.; Heise, M. T.; Baric, R. S.; Menachery, V. D.
+Published: 2020-02-20 00:00:00
+Match (0.5823): **Muc4 has been detected in synovial sarcomas in humans, thus presenting a novel tissue Screening genetically diverse mouse models provides an opportunity to identify natural 163 variation in novel factors which drive viral disease responses. These studies can also provide 164 therapeutic, prophylactic and molecular insights into emerging pathogens, which are difficult to 165 study during the context of an outbreak. Here, prior phenotypic QTL analysis, bioinformatics, 166**
+
+[Reduction and Functional Exhaustion of T Cells in Patients with Coronavirus Disease 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.02.18.20024364)
+Authors: Bo Diao; Chenhui Wang; Yingjun Tan; Xiewan Chen; Ying Liu; Lifeng Ning; Li Chen; Min Li; Yueping Liu; Gang Wang; Zilin Yuan; Zeqing Feng; Yuzhang Wu; Yongwen Chen
+Published: 2020-02-20 00:00:00
+Match (0.5721): **Important, blocking IL-10 function has been shown to successfully prevent T cell exhaustion in animal models of chronic infection. 33, 34 We demonstrate here that COVID-19 patients have very high levels of serum IL-10 following SARS-CoV-2 infection, while also displaying high levels of the PD-1 and Tim-3 exhaustion markers on their T cells, suggesting that IL-10 might be mechanistically responsible. The application of potent antiviral treatments to prevent the progression to T cell exhaustion in susceptible patients may thus be critical to their recovery. We have read with great interest the successful application of Remdesivir to curing a COVID-19 patient in the US, and to clinical trials indicates that it may have significant potential as such an antiviral. 35, 36 Taken together, we conclude that T cells are decreased and exhausted in patients with COVID-19. Cytokines such as IL-10, IL-6 and TNF-α might directly mediate T cell reduction. Thus, new therapeutic measures are needed for treatment of ICU patients, and may even be necessary early on to preempt disease progression in higher-risk patients with low T cell counts.**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.5720): **At the heart of vaccine development is the question of immunology and it is crucial to understand the immunological questions associated with viral infections. The clinical characteristics and treatment of 2019-nCoV and SARS both suggested a serious problem of immunopathology, particularly in the lung mucosa, which is complex and unique. It might be due to the fact that a systematic protective immune response is not enough to protect against viral infection. Currently, one of the most dangerous but valuable experiments is to perform tests on immune cells in the blood and lungs of infected patients, preferably during different stages of viral infection. Data on clinical immunity can lay the foundation for future vaccine development. We need to be aware of the challenges and concerns that 2019-nCoV poses to our community. Every effort should be made to understand and control the disease. The authors declare that they have no conflict of interest. This article does not contain any studies with human or animal subjects performed by any of the authors.**
+
+[Exuberant elevation of IP-10, MCP-3 and IL-1ra during SARS-CoV-2 infection is associated with disease severity and fatal outcome](https://doi.org/doi.org/10.1101/2020.03.02.20029975)
+Authors: Yang Yang; Chenguang Shen; Jinxiu Li; Jing Yuan; Minghui Yang; Fuxiang Wang; Guobao Li; Yanjie Li; Li Xing; Ling Peng; Jinli Wei; Mengli Cao; Haixia Zheng; Weibo Wu; Rongrong Zou; Delin Li; Zhixiang Xu; Haiyan Wang; Mingxia Zhang; Zheng Zhang; Lei Liu; Yingxia Liu
+Published: 2020-03-06 00:00:00
+Match (0.5711): **indicating an important role in the pathogenesis of these viruses 2,32 . Accordingly, not 1 3 1 only the pathogens but also the pathogen induced cytokine storm should be 1 3 2 considered during the treatment. Therapy strategy with a combination of antimicrobial 1 3 3**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5686): **However, in the years following two major coronavirus outbreaks SARS-CoV in 2003 and MERS-CoV in 2012, there remains no consensus on the optimal therapy for either disease [116, 117] . Well-designed clinical trials that provide the gold standard for assessing the therapeutic measures are scarce. No coronavirus protease inhibitors have successfully completed a preclinical development program despite large efforts exploring SARS-CoV inhibitors. The bulk of potential therapeutic strategies remain in the experimental phase, with only a handful crossing the in vitro hurdle. Stronger efforts are required in the research for treatment options for major coronaviruses given their pandemic potential. Effective treatment options are essential to maximize the restoration of affected populations to good health following infections. Clinical trials have commenced in China to identify effective treatments for 2019-nCoV based on the treatment evidence from SARS and MERS. There is currently no effective specific antiviral with high-level evidence; any specific antiviral therapy should be provided in the context of a clinical study/trial. Few treatments have shown real curative action against SARS and MERS and the literature generally describes isolated cases or small case series.**
+
+[Clinical characteristics of 2019 novel coronavirus infection in China](https://doi.org/doi.org/10.1101/2020.02.06.20020974)
+Authors: Wei-jie Guan; Zheng-yi Ni; Yu Hu; Wen-hua Liang; Chun-quan Ou; Jian-xing He; Lei Liu; Hong Shan; Chun-liang Lei; David SC Hui; Bin Du; Lan-juan Li; Guang Zeng; Kowk-Yung Yuen; Ru-chong Chen; Chun-li Tang; Tao Wang; Ping-yan Chen; Jie Xiang; Shi-yue Li; Jin-lin Wang; Zi-jing Liang; Yi-xiang Peng; Li Wei; Yong Liu; Ya-hua Hu; Peng Peng; Jian-ming Wang; Ji-yang Liu; Zhong Chen; Gang Li; Zhi-jian Zheng; Shao-qin Qiu; Jie Luo; Chang-jiang Ye; Shao-yong Zhu; Nan-shan Zhong
+Published: 2020-02-09 00:00:00
+Match (0.5655): **is the (which was not peer-reviewed) The copyright holder for this preprint . https: //doi.org/10.1101 //doi.org/10. /2020 radiologic abnormality occurs in a substantial proportion of patients on initial presentation while diarrhea is uncommon. The disease severity is an independent predictor of poor outcome. Stringent and timely epidemiological measures are crucial to curb the rapid spread. Ongoing efforts are needed to explore for an effective therapy (i.e., protease inhibitors, remdesivir, β interferon) for this emerging acute respiratory infection. . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+# Policies and protocols for screening and testing. + +[Analytical sensibility and specificity of two RT-qPCR protocols for SARS-CoV-2 detection performed in an automated workflow](https://doi.org/doi.org/10.1101/2020.03.07.20032326)
+Authors: Gustavo Barcelos Barra; Ticiane Henriques Santa Rita; Pedro Goes Mesquita; Rafael Henriques Jacomo; Lidia Freire Abdalla Nery
+Published: 2020-03-10 00:00:00
+Match (0.6069): **On 30 January 2020, the World Health Organization declared that the COVID-19 outbreak constituted a Public Health Emergency of International Concern and the development of reliable laboratory diagnosis of SARS-CoV-2 became mandatory to identify, isolate and provide optimized care for patients early 1 . RT-qPCR testing of respiratory secretions is routinely used to detect causative viruses in acute respiratory infection and, during a Public Health Emergency of International Concern, the establishment of standardized processes and protocols, as well as sharing of specimens, data, and information is critical. RT-qPCR in-house protocols to detect the SARS-CoV-2 have been described 2 . Validations of these protocols are considered a key knowledge gap for COVID-19, especially if executed in a high throughput format. Here, we investigate the analytical sensitivity and specificity of two interim RT-qPCR protocols 3,4 for the qualitative detection of SARS-CoV-2 executed in a fully automated platform.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5411): **This guideline was prepared in accordance with the methodology and general rules of WHO Guideline Development and the WHO Rapid Advice Guidelines [1, 2] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5411): **This guideline was prepared in accordance with the methodology and general rules of WHO Guideline Development and the WHO Rapid Advice Guidelines [1, 2] .**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.5033): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.5033): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Data sharing for novel coronavirus (COVID-19)](http://dx.doi.org/10.2471/BLT.20.251561)
+Authors: Moorthy, Vasee; Henao Restrepo, Ana Maria; Preziosi, Marie-Pierre; Swaminathan, Soumya
+Published: 2020-03-01 00:00:00
+Publication: Bull World Health Organ
+Match (0.4939): **Efforts for expedited data and results reporting should not be limited to clinical trials, but should include observational studies, operational research, routine surveillance and information on the virus and its genetic sequences, as well as the monitoring of disease control programmes.**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.4908): **The US CDC shared the protocol on the real time RT-PCR assay for the detection of the 2019-nCoV with the primers and probes designed for the universal detection of SARS-like coronavirus and the specific detection of 2019-nCoV. However, the protocol has not been validated on other platforms or chemistries apart from the protocol described. There are some limitations for the assay. Analysts engaged have to be trained and familiar with the testing procedure and result interpretation. False negative results may occur due to insufficient organisms in the specimen resulting from improper collection, transportation or handling. Also, RNA viruses may show substantial genetic variability. This could result in mismatch between the primer and probes with the target sequence which can diminish the assay performance or result in false negative results [107] . Point-of-care test kit can potentially minimize these limitations, which should be highly prioritized for research and development in the next few months.**
+
+[Analytical sensibility and specificity of two RT-qPCR protocols for SARS-CoV-2 detection performed in an automated workflow](https://doi.org/doi.org/10.1101/2020.03.07.20032326)
+Authors: Gustavo Barcelos Barra; Ticiane Henriques Santa Rita; Pedro Goes Mesquita; Rafael Henriques Jacomo; Lidia Freire Abdalla Nery
+Published: 2020-03-10 00:00:00
+Match (0.4836): **Analytical sensibility and specificity of two RT-qPCR protocols for SARS-CoV-2 detection performed in an automated workflow**
+
+[Rapid Detection of 2019 Novel Coronavirus SARS-CoV-2 Using a CRISPR-based DETECTR Lateral Flow Assay](https://doi.org/doi.org/10.1101/2020.03.06.20032334)
+Authors: James P Broughton; Xianding Deng; Guixia Yu; Clare L Fasching; Jasmeet Singh; Jessica Streithorst; Andrea Granados; Alicia Sotomayor-Gonzalez; Kelsey Zorn; Allan Gopez; Elaine Hsu; Wei Gu; Steven Miller; Chao-Yang Pan; Hugo Guevara; Debra Wadford; Janice Chen; Charles Y Chiu
+Published: 2020-03-10 00:00:00
+Match (0.4689): **in clinical samples. The use of existing qRT-PCR based assays is hindered by the need 123 for expensive lab instrumentation, and availability is currently restricted to public health 124 laboratories. Importantly, the DETECTR assays developed here have comparable 125 accuracy to qRT-PCR and are broadly accessible, as they use routine protocols and 126 commercially available, "off-the-shelf" reagents. Key advantages of our approach over 127 existing methods such as qRT-PCR include (1) isothermal signal amplification for rapid 128 target detection obviating the need for thermocycling, (2) single nucleotide target 129 specificity (guide RNAs at the N2 site can distinguish SARS-CoV-2 from SARS-CoV 130 and MERS-CoV), (3) integration with portable, low-cost reporting formats such as lateral 131 flow strips, and (4) quick development cycle to address emerging threats from novel 132 zoonotic viruses (<2 weeks for SARS-CoV-2, Supplementary Fig. 6) . 133**
+
+[Therapeutic Drugs Targeting 2019-nCoV Main Protease by High-Throughput Screening](https://doi.org/doi.org/10.1101/2020.01.28.922922)
+Authors: Li, Y.; Zhang, J.; Wang, N.; Li, H.; Shi, Y.; Guo, G.; Liu, K.; Zeng, H.; Zou, Q.
+Published: 2020-01-30 00:00:00
+Match (0.4686): **In order to screening the possible drug candidates that were able to prevent or cure the infection, high-throughput screening was performed based on the 8,000 clinical drug libraries using the online software Vina and SeeSAR, combined with our in-house automatic processing scripts and screening programs, and 4 small molecular drugs with high binding capacity with SARS-CoV main protease were identified. author/funder. All rights reserved. No reuse allowed without permission.**
+
+# Policies to mitigate the effects on supplies associated with mass testing, including swabs and reagents. + +[Rapid colorimetric detection of COVID-19 coronavirus using a reverse tran-scriptional loop-mediated isothermal amplification (RT-LAMP) diagnostic plat-form: iLACO](https://doi.org/doi.org/10.1101/2020.02.20.20025874)
+Authors: Lin Yu; Shanshan Wu; Xiaowen Hao; Xuelong Li; Xiyang Liu; Shenglong Ye; Heng Han; Xue Dong; Xin Li; Jiyao Li; Jianmin Liu; Na Liu; Wanzhong Zhang; Vicent Pelechano; Wei-Hua Chen; Xiushan Yin
+Published: 2020-02-24 00:00:00
+Match (0.4906): **For RNA virus infections, especially acute respiratory infection, probe coupled RT-qPCR from respiratory secretions is routinely used to detect causative viruses (3) (4) (5) (6) (7) (8) (9) . This method has been widely used by Center for Disease Control and Prevention and other relevant departments worldwide. Recently RT-qPCR based methods were developed and applied worldwide by multiple research and disease control centers (10) . However, RT-qPCR has many limitations such as the need for high purity samples and the access to expensive laboratory instruments, as well as requiring long reaction times (at least 2 h). In addition, RT-qPCR needs trained personnel and sophisticated facilities for sample processing. These disadvantages limit its practical application in many cases, and thus can delay the required rapid prescription and administration of antiviral agents to patients.**
+
+[Extracorporeal membrane oxygenation support in 2019 novel coronavirus disease: indications, timing, and implementation](https://doi.org/10.1097/CM9.0000000000000778)
+Authors: Li, Min; Gu, Si-Chao; Wu, Xiao-Jing; Xia, Jin-Gen; Zhang, Yi; Zhan, Qing-Yuan
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4892): **(2) To avoid unnecessary entries and exits, all supplies, including surgical instruments, consumables, medications, and blood products should be carefully inspected, and the number of staff should be restricted in the independent area.**
+
+[Extracorporeal membrane oxygenation support in 2019 novel coronavirus disease: indications, timing, and implementation](https://doi.org/10.1097/CM9.0000000000000778)
+Authors: Li, Min; Gu, Si-Chao; Wu, Xiao-Jing; Xia, Jin-Gen; Zhang, Yi; Zhan, Qing-Yuan
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4886): **(3) All staff should be supplied with protection for biosafety level 3 and if necessary, comprehensive airway protective devices such as positive pressure medical protective hoods should be supplied.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4725): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.4723): **For healthcare personnel, to minimize the chance of exposures to 2019-nCoV needs to follow the standard of contact and airborne precautions, personal protection including gloves, gowns, respiratory protection, eye protection, and hand hygiene. Some procedures performed on 2019-nCoV infected patients could generate infectious aerosols, e.g., nasopharyngeal specimen collection, sputum induction, and open suctioning of airways should be performed cautiously. If performed, these procedures should take place in an airborne infection isolation room, and personnel should use respiratory and eye protection, and hand hygiene [30] . In addition, management of environmental infection control including laundry, food service utensils, and medical waste should also be performed. Artificial Intelligence (AI), alternative selection to reducing infection for medical personnel, should be explored (Joint developed by Respiratory Research Institution of Zhongshan Hospital, Fudan University and RealMax Ltd Co), which will be benefit for remote guidance of practices.**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.4473): **Increasing the number of available beds and supplies in resource-limited countries is critical in preparation to possible local transmission following importation. Crisis management plans should be ready in each African country.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.4453): **Community and healthcare preparedness in response to coronavirus outbreaks remain ongoing obstacles for global public health. For example, delays between disease development and progression and diagnosis or quarantine can severely impact both patient management and containment [21, 71] . Deficiencies in outbreak preparedness and healthcare network coordination efforts must ultimately be considered in response efforts. It is strongly recommended that universal reagents be maintained and available at global repositories for future outbreaks.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.4421): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.4421): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4413): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+# Technology roadmap for diagnostics. + +[Laboratory readiness and response for novel coronavirus (2019-nCoV) in expert laboratories in 30 EU/EEA countries, January 2020](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000082)
+Authors: Reusken, Chantal B.E.M.; Broberg, Eeva K.; Haagmans, Bart; Meijer, Adam; Corman, Victor M.; Papa, Anna; Charrel, Remi; Drosten, Christian; Koopmans, Marion; Leitmeyer, Katrin
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.5874): **Challenges reported by laboratories in terms of implementing molecular diagnostics for novel coronavirus (2019-nCoV), EU/EEA, January 2020 (n = 47) **
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5803): **Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5788): **The novel coronavirus is the first epidemic disease to emerge since the formation of CEPI in Davos in 2017. CEPI was created with the express intent to enable speedy research and development of vaccines against emerging pathogens. In May 2017, WHO released the Target Product Profile (TPP) for MERS-CoV vaccines, following the prioritization of MERS-CoV as one of eight priority pathogens for prevention of epidemics [73] . CEPI and partners aim to use existing platforms-that is, the existing "backbone" that can be adapted for use against new pathogens-that are currently in preclinical development for MERS-CoV vaccine candidates. Following the WHO declaration on 30 January that the current 2019-nCoV outbreak is a public health emergency of international concern (PHEIC), global health organizations and researchers will be further mobilized-bolstered by new mechanisms for action and greater resources-to stop the spread of disease.**
+
+[Response to COVID-19 in Taiwan: Big Data Analytics, New Technology, and Proactive Testing](https://doi.org/10.1001/jama.2020.3151)
+Authors: Wang, C. Jason; Ng, Chun Y.; Brook, Robert H.
+Published: 2020-01-01 00:00:00
+Publication: JAMA
+Match (0.5747): **Response to COVID-19 in Taiwan: Big Data Analytics, New Technology, and Proactive Testing**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5729): **With the emergence of 2019-nCoV, there are about 15 potential vaccine candidates in the pipeline globally (Table 3 ), in which a wide range of technology (such as messenger RNA, DNA-based, nanoparticle, synthetic and modified virus-like particle) was applied. It will likely take about a year for most candidates to start phase 1 clinical trials except for those funded by Coalition for Epidemic Preparedness Innovations (CEPI). However, the kit developed by the BGI have passed emergency approval procedure of the National Medical Products Administration, and are currently used in clinical and surveillance centers of China [40] .**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5616): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.03.05.20031971 doi: medRxiv preprint 14 more scalable than animal antibody production. Therefore, SENSR is more suitable for rapid 328 mass production of diagnostic kits than antibody-based diagnostics. Future efforts on 329 automated probe design will be needed to accelerate the development of SENSR assays for 330 newly emerging pathogens. 331**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.5610): **What is in the pipeline for vaccine development and/or therapeutics?**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.5610): **What is in the pipeline for vaccine development and/or therapeutics?**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5603): **One of the critical lessons from the SARS experience was the absolute necessity to be able to coordinate the international resources that are available in an outbreak and to get them focussed on identifying priorities and solving problems. The WHO established the means to do this for SARS and it has since been further developed and integrated into global preparedness, especially after the West Africa Ebola epidemic. Organisations such as the Global Outbreak Alert and Response Network (GOARN), the Coalition for Epidemic Preparedness Innovations (CEPI), the Global Research Collaboration For Infectious Disease Preparedness (GloPID-R) and the Global Initiative on Sharing All Influenza Data (GISAID) have been supported by the WHO Research Blueprint and its Global Coordinating Mechanism to provide a forum where those with the expertise and capacity to contribute to managing new threats can come together both between and during outbreaks to develop innovative solutions to emerging problems. This global coordination has been active in the novel coronavirus outbreak. WHO's response system includes three virtual groups based on those developed for SARS to collate real time information to inform real time guidelines, and a first candidate vaccine is ready for laboratory testing within 4 weeks of the virus being identified.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5535): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+# Barriers to developing and scaling up new diagnostic tests (e.g., market forces), how future coalition and accelerator models (e.g., Coalition for Epidemic Preparedness Innovations) could provide critical funding for diagnostics, and opportunities for a streamlined regulatory environment. + +[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.7482): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.7372): **Globally, recent decades have witnessed a growing disjunction, a 'Valley of Death' 1,2 no less, between broadening strides in fundamental biomedical research and their incommensurate reach into the clinic. Plumbing work on research funding and development pipelines through recent changes in the structure of government funding, 2 new public and private joint ventures and specialist undergraduate and postgraduate courses now aim to incorporate pathways to translation at the earliest stages. Reflecting this shift, the number of biomedical research publications targeting 'translational' concepts has increased exponentially, up 1800% between 2003 and 2014 3 and continuing to rise rapidly up to the present day. Fuelled by the availability of new research technologies, as well as changing disease, cost and other pressing issues of our time, further growth in this exciting space will undoubtedly continue. Despite recent advances in the therapeutic control of immune function and viral infection, current therapies are often challenging to develop, expensive to deploy and readily select for resistance-conferring mutants. Shaped by the hostvirus immunological 'arms race' and tempered in the forge of deep time, the biodiversity of our world is increasingly being harnessed for new biotechnologies and therapeutics. Simultaneously, a shift towards host-oriented antiviral therapies is currently underway. In this Clinical & Translational Immunology Special Feature, I illustrate a strategic vision integrating these themes to create new, effective, economical and robust antiviral therapies and immunotherapies, with both the realities and the opportunities afforded to researchers working in our changing world squarely in mind.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.7353): **One of the critical lessons from the SARS experience was the absolute necessity to be able to coordinate the international resources that are available in an outbreak and to get them focussed on identifying priorities and solving problems. The WHO established the means to do this for SARS and it has since been further developed and integrated into global preparedness, especially after the West Africa Ebola epidemic. Organisations such as the Global Outbreak Alert and Response Network (GOARN), the Coalition for Epidemic Preparedness Innovations (CEPI), the Global Research Collaboration For Infectious Disease Preparedness (GloPID-R) and the Global Initiative on Sharing All Influenza Data (GISAID) have been supported by the WHO Research Blueprint and its Global Coordinating Mechanism to provide a forum where those with the expertise and capacity to contribute to managing new threats can come together both between and during outbreaks to develop innovative solutions to emerging problems. This global coordination has been active in the novel coronavirus outbreak. WHO's response system includes three virtual groups based on those developed for SARS to collate real time information to inform real time guidelines, and a first candidate vaccine is ready for laboratory testing within 4 weeks of the virus being identified.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.7055): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6984): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6827): **While the significance of such data in advancing efficiency, productivity and processes in different sectors is being lauded, there are criticisms arising as to the nature of data collection, storage, management and accessibility by only a small group of users. The latter particularly includes select ICT corporations that are also located in specific geographies [6, [14] [15] [16] [17] . These criticisms are justified, as in recent years, big data is seen as the new 'gold rush' of the 21st century and limiting its access means higher economic returns and increased influence and control at various scales to those who control data. These associated benefits with big data are clearly influencing geopolitical standings, in both corporate and conventional governance realms, and there is increased competition between powerful economies to ensure that they have the maximum control of big data. As case in point is the amount of 'push and pull' that has arisen from Huawei's 5G internet planned rollout [18] . Though the latter service offers unprecedented opportunities to increase internet speeds, and thereby influence the handling of big data, countries like the U.S. and some European countries that are key proponents and players in global political, economic and health landscapes, are against this rollout, arguing that it is a deceptive way of gathering private data under the guise of espionage. On this, it has been noted that the issue of data control and handling by a few corporations accords with their principles of nationalism, and that these work for their own wellbeing as well as to benefit the territories they are registered in. Therefore, geopolitical issues are expected on the technological front as most large data-rich corporations are located in powerful countries that have influence both economically, health-wise and politically [19] [20] [21] . Such are deemed prized tokens on the international landscape, and it is expected that these economies will continue to work towards their predominant control as much as possible. On the health sector, the same approach is being upheld where critical information and data are not freely shared between economies as that would be seen to be benefiting other in-competition economies, whereas different economies would cherish the maximization of benefits from such data collections.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6789): **Telemedicine has been acknowledged as a breakthrough technology in combating epidemics 2 . Combining the functions of online conversation and real-time clinical data exchange, telemedicine can provide technical support to the emerging need for workflow digitalization. When facing the rapid spread of an epidemic, the ability to deliver clinical care in a timely manner requires effective relational coordination mechanisms amongst government authorities, hospitals, and patients 3 . This raises the question: How can telemedicine systems operate in a coordinated manner to deliver effective care to patients with COVID-19 and to combat the crisis outbreak?**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.6771): **The novel coronavirus is the first epidemic disease to emerge since the formation of CEPI in Davos in 2017. CEPI was created with the express intent to enable speedy research and development of vaccines against emerging pathogens. In May 2017, WHO released the Target Product Profile (TPP) for MERS-CoV vaccines, following the prioritization of MERS-CoV as one of eight priority pathogens for prevention of epidemics [73] . CEPI and partners aim to use existing platforms-that is, the existing "backbone" that can be adapted for use against new pathogens-that are currently in preclinical development for MERS-CoV vaccine candidates. Following the WHO declaration on 30 January that the current 2019-nCoV outbreak is a public health emergency of international concern (PHEIC), global health organizations and researchers will be further mobilized-bolstered by new mechanisms for action and greater resources-to stop the spread of disease.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6740): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6715): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+# New platforms and technology (e.g., CRISPR) to improve response times and employ more holistic approaches to COVID-19 and future diseases. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.7040): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.6969): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Development and Evaluation of A CRISPR-based Diagnostic For 2019-novel Coronavirus](https://doi.org/doi.org/10.1101/2020.02.22.20025460)
+Authors: Tieying Hou; Weiqi Zeng; Minling Yang; Wenjing Chen; Lili Ren; Jingwen Ai; Ji Wu; Yalong Liao; Xuejing Gou; Yongjun Li; Xiaorui Wang; Hang Su; Jianwei Wang; Bing Gu; Teng Xu
+Published: 2020-02-23 00:00:00
+Match (0.6623): **The copyright holder for this preprint (which was not peer-reviewed) is Here, to address this question and the expanding clinical needs, we developed CRISPR-nCoV, 78 a rapid assay for 2019-nCoV detection, and compared the diagnostic performance among 79 three different technological platforms: metagenomic sequencing, RT-PCR and CRISPR. To the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6554): **Globally, recent decades have witnessed a growing disjunction, a 'Valley of Death' 1,2 no less, between broadening strides in fundamental biomedical research and their incommensurate reach into the clinic. Plumbing work on research funding and development pipelines through recent changes in the structure of government funding, 2 new public and private joint ventures and specialist undergraduate and postgraduate courses now aim to incorporate pathways to translation at the earliest stages. Reflecting this shift, the number of biomedical research publications targeting 'translational' concepts has increased exponentially, up 1800% between 2003 and 2014 3 and continuing to rise rapidly up to the present day. Fuelled by the availability of new research technologies, as well as changing disease, cost and other pressing issues of our time, further growth in this exciting space will undoubtedly continue. Despite recent advances in the therapeutic control of immune function and viral infection, current therapies are often challenging to develop, expensive to deploy and readily select for resistance-conferring mutants. Shaped by the hostvirus immunological 'arms race' and tempered in the forge of deep time, the biodiversity of our world is increasingly being harnessed for new biotechnologies and therapeutics. Simultaneously, a shift towards host-oriented antiviral therapies is currently underway. In this Clinical & Translational Immunology Special Feature, I illustrate a strategic vision integrating these themes to create new, effective, economical and robust antiviral therapies and immunotherapies, with both the realities and the opportunities afforded to researchers working in our changing world squarely in mind.**
+
+[Vorpal: A Novel RNA Virus Feature-Extraction Algorithm Demonstrated Through Interpretable Genotype-to-Phenotype Linear Models](https://doi.org/doi.org/10.1101/2020.02.28.969782)
+Authors: Davis, P.; Bagnoli, J.; Yarmosh, D.; Shteyman, A.; Presser, L.; Altmann, S.; Bradrick, S.; Russell, J. A.
+Published: 2020-03-02 00:00:00
+Match (0.6005): **ambiguous. Controversy about the value of such a project has been described 29 and this thinking 470 has been reflected in policymakers' decision to end funding to USAID Predict. If recent 471 estimates of mammalian viral diversity hold true 30 , then marginal increases in monitoring 472 infrastructure combined with new and developing analysis methods, such as Vorpal, might 473 finally deliver the long sought preemptive strategies for emergent diseases, and enable us to 474 more effectively battle those from which we are already suffering. 475 476**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5961): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.5944): **The currently known viruses of the species Severe acute respiratory syndrome-related coronavirus may be as (poorly) representative for this particular species as the few individuals that we selected to represent H. sapiens in Fig. 1 . It is thus reasonable to assume that this biased knowledge of the natural diversity of the species Severe acute respiratory syndrome-related coronavirus limits our current understanding of fundamental aspects of the biology of this species and, as a consequence, our abilities to control zoonotic spillovers to humans. Future studies aimed at understanding the ecology of these viruses and advancing the accuracy and resolution of evolutionary analyses 41 would benefit greatly from adjusting our research and sampling strategies. This needs to include an expansion of our current research focus on human pathogens and their adaptation to specific hosts to other viruses in this species. To illustrate the great potential of species-wide studies, it may again be instructive to draw a parallel to H. sapiens, and specifically to the impressive advancements in personalized medicine in recent years. Results of extensive genetic analyses of large numbers of individuals representing diverse populations from all continents have been translated into clinical applications and greatly contribute to optimizing patient-specific diagnostics and therapy. They were instrumental in identifying reliable predictive markers for specific diseases as well as genomic sites that are under selection. It thus seems reasonable to expect that genome-based analyses with a comparable species coverage will be similarly insightful for coronaviruses. Also, additional diagnostic tools that target the entire species should be developed to complement existing tools optimized to detect individual pathogenic variants (a proactive approach). Technical solutions to this problem are already available; for example, in the context of multiplex PCR-based assays 42 . The costs for developing and applying (combined or separate) species-and virus-specific diagnostic tests in specific clinical and/or epidemiological settings may help to better appreciate the biological diversity and zoonotic potential of specific virus species and their members. Also, the further reduction of time required to identify the causative agents of novel virus infections will contribute to limiting the enormous social and economic consequences of large outbreaks. To advance such studies, innovative fundraising approaches may be required.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5830): **The increasing abundance of affordable, sensitive, high-throughput genome sequencing technologies has led to a recent boom in metagenomics and the cataloguing of the microbiome of our world. The MinION nanopore sequencer is one of the latest innovations in this space, enabling direct sequencing in a miniature form factor with only minimal sample preparation and a consumer-grade laptop computer. Nakagawa and colleagues here report on their latest experiments using this system, further improving its performance for use in resource-poor contexts for meningitis diagnoses. 9 While direct sequencing of viral genomic RNA is challenging, this system was recently used to directly sequence an RNA virus genome (IAV) for the first time. 10 I anticipate further improvements in the performance of such devices over the coming decade will transform virus surveillance efforts, the importance of which was underscored by the recent EboV and novel coronavirus (nCoV / COVID-19) outbreaks, enabling rapid deployment of antiviral treatments that take resistance-conferring mutations into account.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.5776): **Viruses (including HCoV) require host cellular factors for successful replication during infections [1] . Systematic identification of virus-host protein-protein interactions (PPIs) offers an effective way toward elucidation of the mechanisms of viral infection [14, infections [1] , including SARS-CoV [16] , MERS-CoV [16] , Ebola virus [17] , and Zika virus [13, [18] [19] [20] . We recently presented an integrated antiviral drug discovery pipeline that incorporated gene-trap insertional mutagenesis, known functional drug-gene network, and bioinformatics analyses [13] . This methodology allows to identify several candidate repurposable drugs for Ebola virus [10, 13] . Our work over the last decade has demonstrated how network strategies can, for example, be used to identify effective repurposable drugs [12, [21] [22] [23] [24] and drug combinations [25] for multiple human diseases. For example, network-based drug-disease proximity that sheds light on the relationship between drugs (e.g., drug targets) and disease modules (molecular determinants in disease pathobiology modules within the PPIs), and can serve as a useful tool for efficient screening of potentially new indications for approved drugs, as well as drug combinations, as demonstrated in our recent studies [12, 22, 25] .**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.5773): **However, many other important aspects of virus biology, such as, whether the virus can travel across continents, the list of species it can infect and whether it can cause severe mortality, are much harder to forecast. Our premise is that the amount of sequencing data currently available and the latest advances in computing methods using that data will make it possible for the first time to generate virtual models of how viruses evolve in each environment and how those viruses behave. Such models have the potential to make risk assessments as they arise that can be used to inform policy and direct strategies to head off impending threats.**
+
+# Coupling genomics and diagnostic testing on a large scale. + +[Rapid reconstruction of SARS-CoV-2 using a synthetic genomics platform](https://doi.org/doi.org/10.1101/2020.02.21.959817)
+Authors: Thao, T. T. N.; Labroussaa, F.; Ebert, N.; V'kovski, P.; Stalder, H.; Portmann, J.; Kelly, J.; Steiner, S.; Holwerda, M.; Kratzel, A.; Gultom, M.; Laloli, L.; Huesser, L.; Wider, M.; Pfaender, S.; Hirt, D.; Cippa, V.; Crespo-Pomar, S.; Schroeder, S.; Muth, D.; Niemeyer, D.; Mueller, M. A.; Drosten, C.; Dijkman, R.; Jores, J.; Thiel, V.
+Published: 2020-02-21 00:00:00
+Match (0.5358): **Rapid reconstruction of SARS-CoV-2 using a synthetic genomics platform**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.4642): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[Laboratory readiness and response for novel coronavirus (2019-nCoV) in expert laboratories in 30 EU/EEA countries, January 2020](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000082)
+Authors: Reusken, Chantal B.E.M.; Broberg, Eeva K.; Haagmans, Bart; Meijer, Adam; Corman, Victor M.; Papa, Anna; Charrel, Remi; Drosten, Christian; Koopmans, Marion; Leitmeyer, Katrin
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.4536): **This rapid assessment of the readiness of EU/EEA laboratories for molecular detection of 2019-nCoV demonstrated a fast implementation of molecular diagnostics by the European specialised laboratory networks with a good geographical coverage for testing. Among both laboratory networks in this study, protocols were shared rapidly and there was an early availability of positive controls and CoV specificity panels via EVAg. Furthermore, the survey indicated a great willingness of laboratories to provide international diagnostic support [10] and to share sequences to contribute to the monitoring of virus evolution and trace transmission chains.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.4528): **In conclusion, SENSR is a powerful diagnostic platform for RNA detection, which 332 offers a short turnaround time, high sensitivity and specificity, and a simple assay procedure, 333 and eliminates the need for expensive instrumentations and diagnostic specialists. Given the 334 simple probe design process, and its rapid development, SENSR will be a suitable diagnostic 335 method for emerging infectious diseases. 336 All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.4344): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.03.05.20031971 doi: medRxiv preprint 14 more scalable than animal antibody production. Therefore, SENSR is more suitable for rapid 328 mass production of diagnostic kits than antibody-based diagnostics. Future efforts on 329 automated probe design will be needed to accelerate the development of SENSR assays for 330 newly emerging pathogens. 331**
+
+[Structural genomics and interactomics of 2019 Wuhan novel coronavirus, 2019-nCoV, indicate evolutionary conserved functional regions of viral proteins](https://doi.org/doi.org/10.1101/2020.02.10.942136)
+Authors: Cui, H.; Gao, Z.; Liu, M.; Lu, S.; Mkandawire, W.; Mo, S.; Narykov, O.; Srinivasan, S.; Korkin, D.
+Published: 2020-02-14 00:00:00
+Match (0.4306): **Here, using an integrated bioinformatics approach, we provide a comprehensive structural genomics and **
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.4290): **In addition to the results shown in this study, we expect that SENSR has a broad range 316 of possibilities for pathogen detection. First, SENSR can be easily implemented in the initial 317 screening of infectious diseases at places where a large number of people gather and 318 transfer 35,36 . With a short turnaround time and a simple reaction composition, SENSR is an 319 ideal diagnostic test for rapid and economical screening. Second, SENSR will be a valuable 320 platform for the immediate development of diagnostic tests for emerging pathogens 1,37 321 because of the simple probe design process and broad adaptability of SENSR. In this work, 322 we demonstrated the successful application of SENSR to six pathogens, using minimal 323 redesign based on the highly modular structure of the probes. In theory, SENSR detection 324 probes can be designed for any RNA as long as the target nucleic acid sequence is available. 325**
+
+[In silico approach to accelerate the development of mass spectrometry-based proteomics methods for detection of viral proteins: Application to COVID-19](https://doi.org/doi.org/10.1101/2020.03.08.980383)
+Authors: Jenkins, C.; Orsburn, B.
+Published: 2020-03-10 00:00:00
+Match (0.4242): **Using in silico methods, we have developed methods for the detection of SARS-CoV-2 in human samples. In vitro validation of this method is required and outside the scope of this paper given our lack of access to such samples. We have provided the minimum materials for data processing for both DDA and DIA untargeted proteomics methods with FASTA databases, spectral libraries and by predicting relevant PTMs for consideration. To broaden the number of labs that can apply our methods, we optimized run parameters for widely used LCMS systems compatible with Skyline, representing instruments from five companies. We will continue to refine these resources and post updates to these methods to LCMSmethods.org and invite researchers anywhere in the world to contact us for assistance in further optimization to address this emerging threat.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.4233): **This study describes testing and validation of 5 sets LAMP primers targeting two fragments of the SARS-CoV-2 genome using short (~300bp) RNA fragments made with in vitro transcription and RNA samples from patients. We also demonstrate compatibility with simple approaches to RNA purification to simplify the detection procedure and avoid complex RNA extraction, and with clinical swab samples taken from COVID-19 patients. Our aim is to share this information in order to help develop a reliable and easy method to detect this viral RNA outside of sophisticated diagnostic laboratories and expand the toolbox of molecular tests used to combat and surveil this growing public health threat.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.4165): **Here we describe a molecular diagnostic approach for SARS-CoV-2 RNA detection using loop-mediated isothermal amplification (LAMP) and simple visual detection of amplification for potential use in rapid, field applications. LAMP was developed as a rapid and reliable method to amplify from a small amount target sequence at a single reaction temperature, obviating the need for sophisticated thermal cycling equipment (5) . Since the initial description of LAMP, a number of advancements in detection technology have helped establish LAMP as a standard method for simple isothermal diagnostics. These detection methods have allowed detection by visual examination without instrumentation using dyes that utilize inherent by-products of the extensive DNA synthesis, such as malachite green (6), calcein (7) and hydroxynaphthol . CC-BY 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+# Enhance capabilities for rapid sequencing and bioinformatics to target regions of the genome that will allow specificity for a particular variant. + +[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.7186): **Overall, agnostic or unbiased metagenomic sequencing capabilities in-country provide the ability to detect and respond to a variety of pathogens, even those that are unanticipated or unknown. Bridging of existing local and global resources for sequencing and analysis allows for better realtime surveillance locally, while also enabling better health pursuits overall, not just during outbreaks. The example described here serves as a call for continued training and infrastructure to support mNGS capacity in developing countries as bioinformatic tools proliferate and the cost of sequencing decreases.**
+
+[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.6678): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.02.968818 doi: bioRxiv preprint genes for primary detection. This detection directly increased on-the-ground certainty in diagnostic sensitivity and specificity of available assays. 7 mNGS in field settings proved critical in development of countermeasures for the 2014-2016 Ebola virus epidemic in West Africa, just as ongoing sequencing of COVID-19 cases from lesser developed areas of Southeast Asia will contribute to overall understanding of pathogen transmission, origin, and evolution. 9,10 While COVID-19 cases are not limited to one remote region, as is often the case with viral hemorrhagic fever outbreaks, sequenced samples from all countries will be important for global disease containment. Instead of being limited to consensus Sanger sequencing, which may not detect high risk quasispecies, metagenomics is a powerful approach to detect variants of both novel and known species as epidemics evolve. 11 The clear limitation in an mNGS approach is that low viral titers or high levels of host material demand greater read depth than may be available on instruments such as the iSeq100. To overcome this barrier, our follow-up steps included a target enrichment of SARS-CoV-2 while keeping the comprehensiveness of our mNGS pipeline intact. 6 For an emerging threat, this strategy offers the flexibility to successfully recover the pathogen genome in question for subsequent phylogenetic analyses without compromising discovery. However, the other key factor in mNGS success is the accessibility to open-access, cloud-based metagenomics bioinformatics pipelines, such as IDseq which automates the process of separating host sequence characterizing the remaining non-host sequences. 12 As recent as the Ebola epidemic, bioinformatics analyses were still mainly completed in the Global North. 10 This newly available combination -more rugged, deployable sequencers plus user-friendly, globally accessible bioinformatics -represents an opportunity for responders in limited-resource settings; however, further proof-of-principle during outbreaks remains necessary.**
+
+[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.6319): **Here, we demonstrate that unbiased mNGS is a feasible and efficient means to detect pathogens in the midst of an outbreak of a novel virus. The index Cambodian SARS-CoV-2 sequence data uploaded to public databases represent one of the only sequences generated in a low-to-middle income country close to the outbreak epicenter. Despite major advances in mNGS technologies and significant decreases in costs associated with sequencing, preparation of sequencing libraries and sufficient bioinformatics capabilities for timely analysis still present a challenge in the developing world. 8 As cases of COVID-19 spread globally in mid-January, initial real-time PCR protocols took into account that the genetic diversity of SARS-CoV-2 in humans and animals was not completely known. Non-specificity combined with variable sample quality can hinder ability to detect the pathogen in question. In this scenario, our metagenomics approach demonstrated a first-pass high coverage of the N gene, closely aligning to diagnostic protocols utilizing both the E and N author/funder. All rights reserved. No reuse allowed without permission.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6100): **The increasing abundance of affordable, sensitive, high-throughput genome sequencing technologies has led to a recent boom in metagenomics and the cataloguing of the microbiome of our world. The MinION nanopore sequencer is one of the latest innovations in this space, enabling direct sequencing in a miniature form factor with only minimal sample preparation and a consumer-grade laptop computer. Nakagawa and colleagues here report on their latest experiments using this system, further improving its performance for use in resource-poor contexts for meningitis diagnoses. 9 While direct sequencing of viral genomic RNA is challenging, this system was recently used to directly sequence an RNA virus genome (IAV) for the first time. 10 I anticipate further improvements in the performance of such devices over the coming decade will transform virus surveillance efforts, the importance of which was underscored by the recent EboV and novel coronavirus (nCoV / COVID-19) outbreaks, enabling rapid deployment of antiviral treatments that take resistance-conferring mutations into account.**
+
+[CRISPR-based surveillance for COVID-19 using genomically-comprehensive machine learning design](https://doi.org/doi.org/10.1101/2020.02.26.967026)
+Authors: Metsky, H. C.; Freije, C. A.; Kosoko-Thoroddsen, T.-S. F.; Sabeti, P. C.; Myhrvold, C.
+Published: 2020-03-02 00:00:00
+Match (0.5768): **We have been developing algorithms and machine learning models for rapidly designing nucleic acid detection assays, linked in a system called ADAPT (manuscript in preparation). The designs satisfy several constraints, including on: • Comprehensiveness : Assays account for a high fraction of known sequence diversity in their species or subspecies (>97% for most assays), and are meant to be effective against variable targets. • Predicted sensitivity : Assays are predicted by our machine learning model to have high detection activity against the full scope of targeted genomic diversity (here, based on Lwa Cas13a activity only). • Predicted specificity : Assays have high predicted specificity to their species or subspecies, factoring in the full extent of known strain diversity, allowing them to be grouped into panels that are accurate in differentiating between related taxa.**
+
+[CRISPR-based surveillance for COVID-19 using genomically-comprehensive machine learning design](https://doi.org/doi.org/10.1101/2020.02.26.967026)
+Authors: Metsky, H. C.; Freije, C. A.; Kosoko-Thoroddsen, T.-S. F.; Sabeti, P. C.; Myhrvold, C.
+Published: 2020-03-02 00:00:00
+Match (0.5756): **Ongoing SARS-CoV-2 sequencing is key to developing and monitoring diagnostics and similar surveillance tools. In the case of the SARS-CoV-2 outbreak, genomes have been generated and shared at a remarkable pace, and we thank those who have contributed their data through GISAID [13]. We and others, relying on this data [14] , have shown that it is possible to rapidly design CRISPR-based tools for detection and surveillance during an outbreak.**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.5596): **The currently known viruses of the species Severe acute respiratory syndrome-related coronavirus may be as (poorly) representative for this particular species as the few individuals that we selected to represent H. sapiens in Fig. 1 . It is thus reasonable to assume that this biased knowledge of the natural diversity of the species Severe acute respiratory syndrome-related coronavirus limits our current understanding of fundamental aspects of the biology of this species and, as a consequence, our abilities to control zoonotic spillovers to humans. Future studies aimed at understanding the ecology of these viruses and advancing the accuracy and resolution of evolutionary analyses 41 would benefit greatly from adjusting our research and sampling strategies. This needs to include an expansion of our current research focus on human pathogens and their adaptation to specific hosts to other viruses in this species. To illustrate the great potential of species-wide studies, it may again be instructive to draw a parallel to H. sapiens, and specifically to the impressive advancements in personalized medicine in recent years. Results of extensive genetic analyses of large numbers of individuals representing diverse populations from all continents have been translated into clinical applications and greatly contribute to optimizing patient-specific diagnostics and therapy. They were instrumental in identifying reliable predictive markers for specific diseases as well as genomic sites that are under selection. It thus seems reasonable to expect that genome-based analyses with a comparable species coverage will be similarly insightful for coronaviruses. Also, additional diagnostic tools that target the entire species should be developed to complement existing tools optimized to detect individual pathogenic variants (a proactive approach). Technical solutions to this problem are already available; for example, in the context of multiplex PCR-based assays 42 . The costs for developing and applying (combined or separate) species-and virus-specific diagnostic tests in specific clinical and/or epidemiological settings may help to better appreciate the biological diversity and zoonotic potential of specific virus species and their members. Also, the further reduction of time required to identify the causative agents of novel virus infections will contribute to limiting the enormous social and economic consequences of large outbreaks. To advance such studies, innovative fundraising approaches may be required.**
+
+[Li Wenliang, a face to the frontline healthcare worker? The first doctor to notify the emergence of the SARS-CoV-2, (COVID-19), outbreak](https://doi.org/10.1016/j.ijid.2020.02.052)
+Authors: Petersen, Eskild; Hui, David; Hamer, Davidson H.; Blumberg, Lucille; Madoff, Lawrence C.; Pollack, Marjorie; Lee, Shui Shan; McLellan, Susan; Memish, Ziad; Praharaj, Ira; Wasserman, Sean; Ntoumi, Francine; Azhar, Esam Ibraheem; McHugh, Timothy D.; Kock, Richard; Ippolito, Guiseppe; Zumla, Ali; Koopmans, Marion
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.5496): **The rapid identification of the SARS-CoV-2 virus by NGS illustrates the advances in molecular identification since the SARS-CoV (2003) and MERS-CoV (2012) outbreaks, where both viruses were initially identified by in vitro cell culture. Thus, clinician of the possibility of a new infectious disease coupled with NGS can serve to quickly identify novel pathogens and allow for the rapid initiation of control measures to reduce further spread and potentially prevent large-scale outbreaks.**
+
+[Development and Evaluation of A CRISPR-based Diagnostic For 2019-novel Coronavirus](https://doi.org/doi.org/10.1101/2020.02.22.20025460)
+Authors: Tieying Hou; Weiqi Zeng; Minling Yang; Wenjing Chen; Lili Ren; Jingwen Ai; Ji Wu; Yalong Liao; Xuejing Gou; Yongjun Li; Xiaorui Wang; Hang Su; Jianwei Wang; Bing Gu; Teng Xu
+Published: 2020-02-23 00:00:00
+Match (0.5476): **The copyright holder for this preprint (which was not peer-reviewed) is Here, to address this question and the expanding clinical needs, we developed CRISPR-nCoV, 78 a rapid assay for 2019-nCoV detection, and compared the diagnostic performance among 79 three different technological platforms: metagenomic sequencing, RT-PCR and CRISPR. To the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Optimizing diagnostic strategy for novel coronavirus pneumonia, a multi-center study in Eastern China](https://doi.org/doi.org/10.1101/2020.02.13.20022673)
+Authors: Jing-Wen Ai; Hao-Cheng Zhang; Teng Xu; Jing Wu; Mengqi Zhu; Yi-Qi Yu; Han-Yue Zhang; Zhongliang Shen; Yang Li; Xian Zhou; Guo-Qing Zang; Jie Xu; Wen-Jing Chen; Yong-Jun Li; De-Sheng Xie; Ming-Zhe Zhou; Jing-Ying Sun; Jia-Zhen Chen; Wen-Hong Zhang
+Published: 2020-02-17 00:00:00
+Match (0.5420): **Metagenomic sequencing was the method by which SARS-COV-2 was initially identified. Despite its longer turnaround time and higher cost, mNGS demonstrated a satisfying level of sensitivity when compared to PCR assays in our study. Moreover, the nature of unbiased sequencing offers higher tolerance for genetic drift in the target pathogens, whereas certain changes in sequence can result in critical impact on the assay efficiency 21, 22 . Along with targeted assays, mNGS should serve as an indispensable tool for sensitive and close monitoring of the molecular evolution for SARS-COV-2. Such genetic information will offer valuable insights not only for public health management, but also for contentious optimization of diagnostic assays 23, 24 . Therefore, as the SARS-COV-2 epidemic is currently entering into a critical stage, both within China and over the global 25 , according to the results of our study, the following improvements in molecular diagnosis are recommended in the optimized diagnostic flow diagram [ Figure 5 ]. First of all, repeated sampling could increase the positivity, and especially during clinical situations where epidemiological history and clinical manifestations highly indicate NCP, a third or fourth sampling may be helpful when resources are available. Second, our study showed that mNGS showed reliable and stable detection ability in the NCP diagnosis, and may facilitate to solve diagnostic difficulties during important or critical clinical cases and low positive RT-PCR results. What's more, in order to circumvent possible mutations in RT-PCR primers region, more than 1 gene target was recommended to amplify when designing RT-PCR assays [25] . Whole Genome Sequencing (WGS) method can overcome the mutation problems which cause false-negative result in RT-PCR. Therefore, we used this method in all enrolled patients and should be continue using for mutation surveillance. Lastly, lower respiratory tract specimens might provide higher positivity, due to that higher viral loads may be detected there. Therefore, physicians might collect such samples through bronchoscopy or trachea cannula when under through medical protection.**
+
+# Enhance capacity (people, technology, data) for sequencing with advanced analytics for unknown pathogens, and explore capabilities for distinguishing naturally-occurring pathogens from intentional. + +[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.6369): **The currently known viruses of the species Severe acute respiratory syndrome-related coronavirus may be as (poorly) representative for this particular species as the few individuals that we selected to represent H. sapiens in Fig. 1 . It is thus reasonable to assume that this biased knowledge of the natural diversity of the species Severe acute respiratory syndrome-related coronavirus limits our current understanding of fundamental aspects of the biology of this species and, as a consequence, our abilities to control zoonotic spillovers to humans. Future studies aimed at understanding the ecology of these viruses and advancing the accuracy and resolution of evolutionary analyses 41 would benefit greatly from adjusting our research and sampling strategies. This needs to include an expansion of our current research focus on human pathogens and their adaptation to specific hosts to other viruses in this species. To illustrate the great potential of species-wide studies, it may again be instructive to draw a parallel to H. sapiens, and specifically to the impressive advancements in personalized medicine in recent years. Results of extensive genetic analyses of large numbers of individuals representing diverse populations from all continents have been translated into clinical applications and greatly contribute to optimizing patient-specific diagnostics and therapy. They were instrumental in identifying reliable predictive markers for specific diseases as well as genomic sites that are under selection. It thus seems reasonable to expect that genome-based analyses with a comparable species coverage will be similarly insightful for coronaviruses. Also, additional diagnostic tools that target the entire species should be developed to complement existing tools optimized to detect individual pathogenic variants (a proactive approach). Technical solutions to this problem are already available; for example, in the context of multiplex PCR-based assays 42 . The costs for developing and applying (combined or separate) species-and virus-specific diagnostic tests in specific clinical and/or epidemiological settings may help to better appreciate the biological diversity and zoonotic potential of specific virus species and their members. Also, the further reduction of time required to identify the causative agents of novel virus infections will contribute to limiting the enormous social and economic consequences of large outbreaks. To advance such studies, innovative fundraising approaches may be required.**
+
+[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.6283): **Overall, agnostic or unbiased metagenomic sequencing capabilities in-country provide the ability to detect and respond to a variety of pathogens, even those that are unanticipated or unknown. Bridging of existing local and global resources for sequencing and analysis allows for better realtime surveillance locally, while also enabling better health pursuits overall, not just during outbreaks. The example described here serves as a call for continued training and infrastructure to support mNGS capacity in developing countries as bioinformatic tools proliferate and the cost of sequencing decreases.**
+
+[Rapid metagenomic characterization of a case of imported COVID-19 in Cambodia](https://doi.org/doi.org/10.1101/2020.03.02.968818)
+Authors: Manning, J. E.; Bohl, J. A.; Lay, S.; Chea, S.; Ly, S.; Sengdoeurn, Y.; Heng, S.; Vuthy, C.; Kalantar, K.; Ahyong, V.; Tan, M.; Sheu, J.; Tato, C. M.; DeRisi, J.; Baril, L.; Dussart, P.; Duong, V.; Karlsson, E. A.
+Published: 2020-03-05 00:00:00
+Match (0.5993): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.02.968818 doi: bioRxiv preprint genes for primary detection. This detection directly increased on-the-ground certainty in diagnostic sensitivity and specificity of available assays. 7 mNGS in field settings proved critical in development of countermeasures for the 2014-2016 Ebola virus epidemic in West Africa, just as ongoing sequencing of COVID-19 cases from lesser developed areas of Southeast Asia will contribute to overall understanding of pathogen transmission, origin, and evolution. 9,10 While COVID-19 cases are not limited to one remote region, as is often the case with viral hemorrhagic fever outbreaks, sequenced samples from all countries will be important for global disease containment. Instead of being limited to consensus Sanger sequencing, which may not detect high risk quasispecies, metagenomics is a powerful approach to detect variants of both novel and known species as epidemics evolve. 11 The clear limitation in an mNGS approach is that low viral titers or high levels of host material demand greater read depth than may be available on instruments such as the iSeq100. To overcome this barrier, our follow-up steps included a target enrichment of SARS-CoV-2 while keeping the comprehensiveness of our mNGS pipeline intact. 6 For an emerging threat, this strategy offers the flexibility to successfully recover the pathogen genome in question for subsequent phylogenetic analyses without compromising discovery. However, the other key factor in mNGS success is the accessibility to open-access, cloud-based metagenomics bioinformatics pipelines, such as IDseq which automates the process of separating host sequence characterizing the remaining non-host sequences. 12 As recent as the Ebola epidemic, bioinformatics analyses were still mainly completed in the Global North. 10 This newly available combination -more rugged, deployable sequencers plus user-friendly, globally accessible bioinformatics -represents an opportunity for responders in limited-resource settings; however, further proof-of-principle during outbreaks remains necessary.**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.5924): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.5749): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Authors’ response: Plenty of coronaviruses but no SARS-CoV-2](https://doi.org/10.2807/1560-7917.ES.2020.25.8.2000197)
+Authors: Reusken, Chantal B; Haagmans, Bart; Meijer, Adam; Corman, Victor M; Papa, Anna; Charrel, Remi; Drosten, Christian; Koopmans, Marion
+Published: 2020-01-01 00:00:00
+Publication: Eurosurveillance
+Match (0.5672): **While the current response strategy is still focused on containment, it is becoming increasingly clear that the epidemic may turn global, in which case mitigation will be the next option to control the impact of the pandemic. Substantial autochthonous circulation in Italy, Iran and South Korea has been reported by now, while there is increasing evidence that subclinical infections occur and people may be infectious before symptoms appear [8] [9] [10] . These developments indicate that the window of opportunity to contain and eradicate is rapidly narrowing. [11] . Therefore, it is needless to state that for each phase in the control and mitigation of a novel emerging pathogen, adequate laboratory preparedness and response are crucial. The readiness survey that we performed served the important purpose of mapping the initial response capacities in Europe and identifying barriers to diagnostic implementation. Therefore, we maintain that the urgent implementation and monitoring of diagnostic capacities and capabilities for SARS-CoV-2 in Europe is proportional to the containment and expected mitigation phase of the global public health response and is critical for care of local patients. The implementation of SARS-CoV-2 diagnostics does not replace nor exclude diagnostic capacity for other respiratory viruses. Moreover, it explicitly does not disregard the importance of other seasonal respiratory pathogens for public and patient health. This is clearly illustrated by the authors themselves, who indicate that they have tested thousands of samples of patients suspected of respiratory viral disease not only for common respiratory pathogens but also for SARS-CoV-2. The fact that Colson et al. found a wide range of seasonal respiratory viruses indeed underlines the impact of such pathogens. Furthermore, it clearly shows that diagnosis of respiratory viruses cannot be done syndrome-based and supports the need for the availability of diagnostics for a panel of pathogens including SARS-CoV-2.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5628): **The increasing abundance of affordable, sensitive, high-throughput genome sequencing technologies has led to a recent boom in metagenomics and the cataloguing of the microbiome of our world. The MinION nanopore sequencer is one of the latest innovations in this space, enabling direct sequencing in a miniature form factor with only minimal sample preparation and a consumer-grade laptop computer. Nakagawa and colleagues here report on their latest experiments using this system, further improving its performance for use in resource-poor contexts for meningitis diagnoses. 9 While direct sequencing of viral genomic RNA is challenging, this system was recently used to directly sequence an RNA virus genome (IAV) for the first time. 10 I anticipate further improvements in the performance of such devices over the coming decade will transform virus surveillance efforts, the importance of which was underscored by the recent EboV and novel coronavirus (nCoV / COVID-19) outbreaks, enabling rapid deployment of antiviral treatments that take resistance-conferring mutations into account.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.5618): **The shortcomings of our study is that only 6 samples are able to be investigated and our endpoint study may not determine the triggering factors leading to different clinical outcomes. We propose that characterizing the earlier immune events and longitudinal analysis of immune dynamics of the infected patients may help gain more insights. These emerging high dimensional techniques, like scRNA-seq, mass cytometry and multiplex imaging tools [28, 29] , will greatly improve human immunology studies using minimal precious tissue samples. All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5597): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.5584): **Reverse vaccinology refers to the process of developing vaccines where the novel antigens of a virus or microorganism or organism are detected by analyzing the genomic and genetic information of that particular virus or organism. In reverse vaccinology, the tools of bioinformatics are used for identifying and analyzing these novel antigens. These tools are used to dissect the genome and genetic makeup of a pathogen for developing a potential vaccine. Reverse vaccinology approach of vaccine development also allows the scientists to easily understand the antigenic segments of a virus or pathogen that should be given more emphasis during the vaccine development. This method is a quick, cheap, efficient, easy and cost-effective way to design vaccine. Reverse vaccinology has successfully been used for developing vaccines to fight against many viruses i.e., the Zika virus, Chikungunya virus etc. [ **
+
+# One Health surveillance of humans and potential sources of future spillover or ongoing exposure for this organism and future pathogens, including both evolutionary hosts (e.g., bats) and transmission hosts (e.g., heavily trafficked and farmed wildlife and domestic food and companion species), inclusive of environmental, demographic, and occupational risk factors. +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.7772): **Emerging and re-emerging zoonotic diseases are key contributors to morbidity and mortality in southern China. 1, 2 This region, considered a 'hotspot' for emerging zoonotic diseases, harbours abundant wildlife while also undergoing land use change and natural resource overexploitation leading to intensified humananimal interactions that favour the emergence of zoonotic diseases. 3 People living in the rural areas of southern China primarily cultivate rice and fruits, raise swine and poultry in households or on small farms, 4 but also traditionally hunt wild animals as an alternative income source. 5 The mixed landscape has abundant crops, which attracts wild animals into the communities, and livestock rearing is common. 6 This brings humans and animals into close contact in dense populations, creating a wildlife-livestockhuman interface for zoonotic disease emergence. 7 In recognition of the challenges of emerging infectious diseases after the severe acute respiratory syndrome (SARS) outbreak in 2002 caused by a bat-origin coronavirus, the Chinese government established a national real-time hospital-based infectious disease reporting system. 1 Likewise, live poultry market interventions were initiated in response to highly pathogenic avian influenza (HPAI) in southern China in 2001. 8 In December 2019 (after the completion of the current study), a novel coronavirus (2019-nCoV) emerged in Wuhan, China and spread rapidly across China and the world. 9, 10 This virus is a group 2b coronavirus, which includes SARS-CoV and bat SARSr-CoVs, and its closest relative is a virus identified in a Rhinolophus affinis bat from Yunnan. 10, 11 Environmental samples positive for 2019-nCoV were found in an urban market in Wuhan where some of the earliest known human cases originated. 12, 13 This likely index site sold predominantly seafood, but is also thought to sell live wildlife at the market, and a temporary ban on the wildlife trade for food has been put in place across China. These efforts in response to SARS, HPAI and 2019-nCoV represent a reactiondriven response to zoonotic disease outbreaks, whereas, apart from the new temporary ban on wildlife trade, only limited preventative measures are currently being enacted in the region to reduce the risk of future zoonotic disease outbreaks. 14 However, detailed knowledge of the social and ecological mechanisms of zoonotic disease emergence in the region is limited, and therefore cannot yet inform evidence-based policies and practices for targeted surveillance programmes. 15 Using a qualitative approach through ethnographic interviews and field observations, this study aimed to understand interactions among humans, animals and ecosystems, to shed light on the zoonotic risks in these presumed high-risk communities and to develop an evidence base for identifying appropriate strategies for zoonotic risk mitigation.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.7391): **In spite of these positive changes over the long term, there is little understanding within enrolled participants of the transmission mechanisms and ecology of zoonotic pathogens that currently circulate in animal populations in the region. This is of particular concern in rural communities where close contact with bats and rodents was reported, and zoonotic pathogens have been detected in the widely distributed animal populations with 'Mainly relies on the forest department and nature reserve. We go to village in a specific month every year to educate local people' (male staff member of local nature reserve, 30-y-old, Guangxi). 'They do not collect samples for transportation licence of farmed animals; for Inspection and quarantine certificate, they will sampling everything, including water, feeding stuff, oral, blood and rectal of animals regularly' (male bamboo rat farmer, 56-y-old, Guangxi). Human animal conflict Interviewer: 'Is there governmental compensation system if animals damage crops?' Interviewee: 'No, our winner bamboo shoots are eaten by wild boars. Nothing will be left once they come, and they run so fast. But there is no compensation, they sometimes run to the orchard to eat oranges and damage many trees. Even purple yams my mum planted are eaten' (male peasant farmer, 50-y-old, Guangdong). the potential to spill over into the human population. 20, [32] [33] [34] [35] In addition, rural residents may face a higher risk because of their limited access to quality healthcare facilities for proper diagnosis and treatment compared with urban residents. 36 Enforcement of current wildlife protection policy and continued community infrastructure development appears to significantly reduce high-risk contact between humans, wildlife and livestock. Closer collaboration between local animal and human health authorities within the current epidemic disease prevention programmes will provide educational and training opportunities to promote risk-mitigation knowledge, skills and best practice in local communities. For example, cave monitoring and management is a low-cost and efficient method to help restrict human activities (e.g. recreation and mining) that lead to contact with bats in caves. This is of particular importance given the emergence of 2019-nCoV, which appears likely to be a bat-origin coronavirus. 10, 11 As the first qualitative study in southern China to assess risk factors for zoonotic disease emergence, our scope was limited by current knowledge, only allowing us to focus on known presumed risk factors. With further urbanization, and subsequent increased interactions between human populations and the changing ecosystems, new risk factors for zoonotic disease transmission will likely emerge. This might include changes to the wildlife trade following the temporary ban put in place as a response to the emergence of 2019-nCoV. 9,10 Further research to identify the risk factors among different populations will help develop more locally-relevant and fine-tuned risk mitigation strategies and address the social and ecological bias to identifying recommendations for other community settings.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.7268): **The second question is what is the source of this virus? The evidence is fairly clear: Most of the initial cases were linked to a seafood market that also sold butchered livestock meat and some wildlife. The virus itself appears to have a wildlife (bat) origin similar to SARS-CoV, which also emerged in a wildlife market through the interactions of humans and other animals that acted as the intermediate hosts of the virus [3, 8, 9] . With two disease outbreaks originating in China significantly linked to wildlife markets, this is an obvious target for control programs to prevent future epedemics and pandemics. Indeed, there have already been calls from Chinese conservationists, public health leaders and policy makers to reduce the wildlife consumption. However, banning or even reducing the sale of wild game may not be straightforward and it is challenging to change behaviors that are influenced by Chinese culture and traditions. In addition to a strong belief in the purported curative power of wildlife and their by-products, the consumption of the rare and expensive wildlife has become a social statement of wealth boosted by economic growth. Changing these cultural habits will take time, however, recent behavioral questionnaire data suggests a generational transformation with reduced wildlife consumption in the younger generation [10] . There is no doubt, however, that the wildlife trade has an inherent risk of bringing people close to pathogens that wildlife carry, that we have not yet encountered, and that have the potential of leading to the next outbreak.**
+
+[The novel Coronavirus (SARS-CoV-2) is a one health issue](https://doi.org/10.1016/j.onehlt.2020.100123)
+Authors: Marty, Aileen Maria; Jones, Malcolm K.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.7201): **One Health approaches attempt to strategize the coordinated efforts of multiple overlapping disciplines [19] , including environmental surveillance and environmental health. Primary components of the approach lie in animal health and environmental aspects. At the time of writing, the host from which the SARS-CoV-2 entered the human population is unknown although the suspicion is that food markets are likely sources for the original spillover. While the search for the natural host highly implicates bats [21] , search for the intermediary host, if any, is ongoing with the suggestions of the pangolin as a host far from certain. While it is premature to implicate any one particular urban source or natural host, the ensuing search will give insight into pathogens with potential to cross over into human transmission. This approach of environmental surveillance forms part of the PREDICT strategy [20] for detecting viruses with potential for spillover into human.**
+
+[2019-nCoV in context: lessons learned?](https://doi.org/10.1016/S2542-5196(20)30035-8)
+Authors: Kock, Richard A.; Karesh, William B.; Veas, Francisco; Velavan, Thirumalaisamy P.; Simons, David; Mboera, Leonard E. G.; Dar, Osman; Arruda, Liã Bárbara; Zumla, Alimuddin
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Planetary Health
+Match (0.7085): **The emergence of a new coronavirus (2019-nCoV) in Wuhan creates a sense of déjà vu with the severe acute respiratory syndrome coronavirus (SARS-CoV) epidemic in China in 2003. Coronaviruses are enveloped, positivestranded RNA viruses of mammals and birds. These viruses have high mutation and gene recombination rates, making them ideal for pathogen evolution. 1 In humans, coronavirus is usually associated with mild disease, the common cold. Previous emerging novel coronaviruses, such as SARS-CoV and Middle East respiratory syndrome coronavirus (MERS-CoV), which emerged in the Middle East in 2012, were associated with severe and sometimes fatal disease. MERS-CoV was less pathogenic than SARS-CoV, with the most severe infections mainly in individuals with underlying illnesses. Clinically and epidemiologically, the contemporary 2019-nCoV in China seems to resemble SARS-CoV. The genome of 2019-nCoV also appears most closely related to SARS-CoV and related bat coronaviruses. 2 The infection has now spread widely, with phylogenetic analysis of the emerging viruses suggesting an initial single-locus zoonotic spillover event in November, 2019, 3 There is an increasing focus on the human-animalenvironment disease interface, as encompassed in the One Health concept. Mortalities, disability-adjusted life-years, and billions of dollars of economic losses from these infections demand action and investment in prevention to face novel challenges to human and animal health. Research has led to better understanding of the nature and drivers of cross-species viral jumps, but the detail is still elusive. No reservoir population of bats for SARS and MERS-CoV or Ebola virus have been definitively identified, despite considerable searching, possibly because of the source virus circulating in small and isolated populations. Forensic examination has clarified the human infection sources and multispecies involvement in these diseases, with some species confirmed as competent hosts (eg, camels for MERS-CoV 4 ), bridge (or amplifying) hosts (eg, pigs for Nipah virus, non-human primates for Ebola virus 5 ), or deadend hosts. The crucial checkpoint is the jump and bridging of the viruses to humans, which occurs most frequently through animal-based food systems. In the case of SARS, markets with live and dead animals of wild and domestic origins were the crucible for virus evolution and emergence in the human population. Once the viruses' functional proteins enabled cell entry in civets (Paguma larvata) and racoon dogs (Nyctereutes procyonoides), the bridge was established and it was only a matter of time before the jump to humans occurred. 6 Sequence comparison of civet viruses suggested evolution was ongoing; this was further supported by high seroprevalence of antibodies against SARS-CoV among civet sellers, suggesting previous cross-species transmission events without necessarily human-tohuman transmission. 7, 8 Similarly, early Ebola virus was mostly associated with bushmeat and its consumption in Africa; Nipah virus is associated with date palm sap, fruit, and domestic pig farms; MERS is associated with the camel livestock industry; and H5N1 arose from viral evolution in domestic and wild birds, to ultimately bring all these cases to humans. The 2019-nCoV is another virus in the pipeline that originated from contact with animals, in this case a seafood and animal market in Wuhan, China.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.7076): **The wildlife trade has clearly played a role in the emergence of 2019-nCoV, as well as previous diseases in China (SARS) and across the world (e.g. monkeypox in the USA, Ebola in Africa, salmonellosis in the USA and Europe). China's response in the current outbreak was swift and broad: The index market was closed down immediately and once the virus spread, the wildlife trade was banned temporarily in certain provinces, then nationally. Our recent behavioral risk investigations in China identified low levels of environmental biosecurity and high levels of human-animal contact as key risk factors for zoonotic disease emergence, particularly in local wet and animal markets [23] . While the current wildlife trade bans may help disease control at this moment, to prevent future disease emergence, market biosecurity needs to be improved regarding the hygiene and sanitation facilities and regulations, and the source of animals traded at the market. From a viral emergence perspective, farmed animals are likely a lower risk than wild-caught animals. However, given the size of the wildlife farming industry in China, routine disease surveillance and veterinary care at farms and in transport to markets would need to be improved. The connection between this outbreak and wildlife trade have triggered a strong public opinion against wildlife consumption, and scientists have jointly called for an urgent amendment of the Wildlife Protection Law to standardize and manage wildlife trade as a public health and security issue. It requires collaboration among the State Forestry and Grassland Administration, Ministry of Agriculture and Rural Affairs, State Administration for Market Regulation and public health authorities to tackle this issue as a long-term goal.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.6910): **Regarding SARS-CoV-2 in particular, there are several aspects that needs a One Health approach in order to understand the outbreak, and to mitigate further outbreaks of a similar virus. SARS-CoV-2 is likely a bat-origin coronavirus that was transmitted to humans through a spill over from bats or through an undetermined yet intermediate animal host (avian, swine, phocine, bovine, canine, other species) or wild animals. Figure 3 depicts a transmission hypothesis of SARS-CoV-2 outbreak, yet the intermediate host is to be determined. The list of animals which were sold range between poultry (turkey, pheasants, geese, roosters, doves, and wild birds (Peacocks swans, and exotic animals, to reptiles and hedgehogs. The animal list included frogs, camels, wild rabbits, reptiles, snakes, deer, crocodiles, Kangaroos, snails, civet cats, goats, centipedes, and cicades [45, 46] . There are no data available in scientific literature on the detection and isolation of SARS-CoV-2 from environmental samples. However, it was recently reported that the Chinese Centers for Disease Control and Prevention isolated SARS-CoV-2 from 33 samples out of 585 environmental samples collected from Huanan Seafood Market [47] . process, and they need to be addressed in any true One Health approach [48] . However, it is crucial to consider the cultural context of these markets meaning that again, social sciences are important in this process. Also, this means that the most viable solution may not be to close down live animal markets but perhaps to 'sector' them so that fewer different species mingle in one specific market and that the specific intermediate host(s) for SARS-CoV-2 may be removed from the markets, or rigorously tested for the virus.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.6780): **The finding of people in a small sample of rural communities in southern China seropositive for a bat SARSr-CoV suggests that bat-origin coronaviruses commonly spillover in the region [18] . Single cases or small clusters of human infection may evade surveillanceparticularly in regions and countries that border China with less healthcare capacity or rural areas where people don't seek diagnosis or treatment in a timely fashion. Surveillance programs can be designed by local public health authorities to identify communities living in regions with high wildlife diversity and likely high diversity of novel viruses [21] . People with frequent contact with wild or domestic animals related to their livelihood and occupation, and patients presenting acute respiratory infection (ARI) or influenza-like illness (ILI) symptoms with unknown etiology can be included into the surveillance as a cost-effective method to identify novel virus spillovers. This 'pre-outbreak surveillance' strategy can be coordinated with different sectors of public health, healthcare, agriculture and forestry to implement sample collection and testing of wildlife, domestic animals, and people in collaboration with research institutions. These efforts will help identify and characterize viral genetic sequence, identify high-risk human populations with antibodies and cell-mediated immunity responses to wildlife-origin CoVs [22] , as well as the risk factors in human behaviors and living environment through interviews. Evidencebased strategies to reduce risk can then be designed and implemented in the communities where viral spillover is identified.**
+
+[Potential Factors Influencing Repeated SARS Outbreaks in China](https://doi.org/10.3390/ijerph17051633)
+Authors: Sun, Zhong; Thilakavathy, Karuppiah; Kumar, S. S.; He, Guozhong; Liu, V. Shi
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Environmental Research and Public Health
+Match (0.6751): **This mini-review evaluated the common epidemiological patterns of both SARS epidemics in China and identified cold, dry winter as a common environmental condition conducive for SARS virus infection to human beings. Thus, meteorological information should be integrated into future forecast of potential outbreak of new SARS. The identification of bats as very likely natural hosts for SARS-CoVs and consideration of some other wild animals as potential intermediate hosts leads to a prevention requirement of protecting natural ecosystem and prohibiting consumption of wildlife. The presentation of different scenarios of SARS outbreaks points to some urgency in identifying the true origin(s) of SARS-CoVs and establishing more comprehensive anti-infection measures that will resist any kind of viral assault.**
+
+[2019-nCoV in context: lessons learned?](https://doi.org/10.1016/S2542-5196(20)30035-8)
+Authors: Kock, Richard A.; Karesh, William B.; Veas, Francisco; Velavan, Thirumalaisamy P.; Simons, David; Mboera, Leonard E. G.; Dar, Osman; Arruda, Liã Bárbara; Zumla, Alimuddin
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Planetary Health
+Match (0.6655): **In conclusion, have we learned lessons? Yes and no. These events are of global public health and economic importance and need collective societal response. But governments and civil society are not heeding these warnings, as the 2019-nCoV attests. 9 Concerns have been repeatedly raised and voiced since the idea of One Health was first expressed in around 2000. 10 What we need to learn and communicate is that the zoonotic or agricultural bridging of novel pathogens from domestic and captive wildlife needs urgent attention, along with attention to the human appetite for meat. This approach is easily achieved for coronavirus threatseg, by substantially reducing the trade of risky species of wild caught animals for food or other purposes, and a culturally sensitive ban on the sale of these animals in wet markets. Vaccines and therapeutic alternatives might be possible and are needed, but they are a response, because the emerging strain is unpredictable and a vaccine is unlikely to prevent the initial events. In some parts of Africa, prevention of Ebola virus and future coronavirus threats require shifts in food habits, a transition from bushmeat being a cultural norm or primary source of protein, and by discouraging agricultural development that brings bats into increased contact with humans or livestock. In the Middle East, re-evaluating and improving infection prevention and control measures for camel farms, a recent introduction coincident with the emergence of MERS-CoV, would be a positive step forward.**
+
diff --git a/tasks/diagnostics.txt b/tasks/diagnostics.txt new file mode 100644 index 0000000..fb3a8e1 --- /dev/null +++ b/tasks/diagnostics.txt @@ -0,0 +1,19 @@ +How widespread current exposure is to be able to make immediate policy recommendations on mitigation measures. Denominators for testing and a mechanism for rapidly sharing that information, including demographics, to the extent possible. Sampling methods to determine asymptomatic disease (e.g., use of serosurveys (such as convalescent samples) and early detection of disease (e.g., use of screening of neutralizing antibodies such as ELISAs). +Efforts to increase capacity on existing diagnostic platforms and tap into existing surveillance platforms. +Recruitment, support, and coordination of local expertise and capacity (public, private—commercial, and non-profit, including academic), including legal, ethical, communications, and operational issues. +National guidance and guidelines about best practices to states (e.g., how states might leverage universities and private laboratories for testing purposes, communications to public health officials and the public). +Development of a point-of-care test (like a rapid influenza test) and rapid bed-side tests, recognizing the tradeoffs between speed, accessibility, and accuracy. +Rapid design and execution of targeted surveillance experiments calling for all potential testers using PCR in a defined area to start testing and report to a specific entity. These experiments could aid in collecting longitudinal samples, which are critical to understanding the impact of ad hoc local interventions (which also need to be recorded). +Separation of assay development issues from instruments, and the role of the private sector to help quickly migrate assays onto those devices. +Efforts to track the evolution of the virus (i.e., genetic drift or mutations) and avoid locking into specific reagents and surveillance/detection schemes. +Latency issues and when there is sufficient viral load to detect the pathogen, and understanding of what is needed in terms of biological and environmental sampling. +Use of diagnostics such as host response markers (e.g., cytokines) to detect early disease or predict severe disease progression, which would be important to understanding best clinical practice and efficacy of therapeutic interventions. +Policies and protocols for screening and testing. +Policies to mitigate the effects on supplies associated with mass testing, including swabs and reagents. +Technology roadmap for diagnostics. +Barriers to developing and scaling up new diagnostic tests (e.g., market forces), how future coalition and accelerator models (e.g., Coalition for Epidemic Preparedness Innovations) could provide critical funding for diagnostics, and opportunities for a streamlined regulatory environment. +New platforms and technology (e.g., CRISPR) to improve response times and employ more holistic approaches to COVID-19 and future diseases. +Coupling genomics and diagnostic testing on a large scale. +Enhance capabilities for rapid sequencing and bioinformatics to target regions of the genome that will allow specificity for a particular variant. +Enhance capacity (people, technology, data) for sequencing with advanced analytics for unknown pathogens, and explore capabilities for distinguishing naturally-occurring pathogens from intentional. +One Health surveillance of humans and potential sources of future spillover or ongoing exposure for this organism and future pathogens, including both evolutionary hosts (e.g., bats) and transmission hosts (e.g., heavily trafficked and farmed wildlife and domestic food and companion species), inclusive of environmental, demographic, and occupational risk factors. \ No newline at end of file diff --git a/tasks/ethics.md b/tasks/ethics.md new file mode 100644 index 0000000..060e113 --- /dev/null +++ b/tasks/ethics.md @@ -0,0 +1,401 @@ +# Efforts to articulate and translate existing ethical principles and standards to salient issues in COVID-2019 + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6209): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6184): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5993): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5832): **Qualitative analysis can also identify issues in authorities' handling of crises, which crystallise around transparency. For instance, discussions can coalesce not only around conspiracy theories but also around real uncertainties and blind spots in health authorities' communications. 9, 10 In times of crisis, public authorities tend to focus their concern on avoiding panic and filtering the information they provide to the public. But trust is a crucial support to public health systems. It is during crises such as the COVID-19 outbreak that this trust is put to the test.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5625): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5581): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5577): **Due to the rapidly evolving situation of the 2019-nCoV, there will be potential limitations to the systematic review. The systematic review is likely to have publication bias as some developments have yet to be reported while for other developments there is no intention to report publicly (or in scientific platforms) due to confidentiality concerns. However, this may be limited to only a few developments for review as publicity does help in branding to some extent for the company and/or the funder. Furthermore, due to the rapid need to share the status of these developments, there may be reporting bias in some details provided by authors of the scientific articles or commentary articles in traditional media. Lastly, while it is not viable for any form of quality assessment and metaanalysis of the selected articles due to the limited data provided and the heterogeneous style of reporting by different articles, this paper has provided a comprehensive overview of the potential developments of these pharmaceutical interventions during the early phase of the outbreak. This systematic review would be useful for cross-check when the quality assessment and meta-analysis of these developments are performed as a follow-up study.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5573): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5498): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5445): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+# Efforts to embed ethics across all thematic areas, engage with novel ethical issues that arise and coordinate to minimize duplication of oversight + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6117): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6031): **In the above case, though major cities are known to prepare themselves for potential outbreaks, their health policies and protocols are observed to diverge from one another. Thus, without a global collaborative approach, progress towards working for a cure and universally acceptable policy approach can take longer. Such fears, of a lack of international collaboration, were highlighted by the World Health Organization (WHO) during an emergency meeting in Geneva on 22nd January 2020 to determine whether the virus outbreak had reached a level warranting international emergency concern. However, WHO was satisfied that China was being proactive in this case, unlike in 2002, when China withheld information on the outbreak for far too long, causing delays in addressing the epidemic [3] . As in this instance, it is the opinion in this paper that if there was seamless collaboration and seamless sharing of data between different cities, it would not warrant such a high-level meeting to result in action, and instead, a decision could have been made much earlier. On this, the saddest part is that some global cities are less prepared to handle the challenges posed by this type of outbreak for lack of information on issues like symptoms of the virus, the protective measures to be taken, and the treatment procedures that an infected person should be processed through, amongst other issues.**
+
+[Early epidemiological analysis of the coronavirus disease 2019 outbreak based on crowdsourced data: a population-level observational study](https://doi.org/10.1016/S2589-7500(20)30026-1)
+Authors: Sun, Kaiyuan; Chen, Jenny; Viboud, Cécile
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Digital Health
+Match (0.5973): **At the time of writing, efforts are underway to coordinate compilation of COVID-19 data from online sources across several academic teams. Ultimately, we expect that a line list of patients will be shared by government sources with the global community; however, data cleaning and access issues might take a prohibitively long time to resolve. For the west African Ebola outbreak, a similarly coordinated effort to publish a line list took 2 years. 23 Given the progression of the COVID-19 outbreak, such a long delay would be counterproductive.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5943): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5810): **Qualitative analysis can also identify issues in authorities' handling of crises, which crystallise around transparency. For instance, discussions can coalesce not only around conspiracy theories but also around real uncertainties and blind spots in health authorities' communications. 9, 10 In times of crisis, public authorities tend to focus their concern on avoiding panic and filtering the information they provide to the public. But trust is a crucial support to public health systems. It is during crises such as the COVID-19 outbreak that this trust is put to the test.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5762): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5729): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[Novel Coronavirus Outbreak in Wuhan, China, 2020: Intense Surveillance Is Vital for Preventing Sustained Transmission in New Locations](https://doi.org/10.3390/jcm9020498)
+Authors: Thompson, Robin N.
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.5711): **Despite the necessary simplifications made in this study, our analyses are sufficient to demonstrate the key principle that rigorous surveillance is important to minimise the risk of the 2019-nCoV generating large outbreaks in countries worldwide. We therefore support the ongoing work of the World Health Organization and policy makers from around the world, who are working with researchers and public health experts to manage this outbreak [2] . We also appreciate efforts to make data publicly available [15] . Careful analysis of the outbreak, as well as minimisation of transmission risk as much as possible, is of clear public health importance. **
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5659): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[The Outbreak Cases with the Novel Coronavirus Suggest Upgraded Quarantine and Isolation in Korea](http://dx.doi.org/10.3346/jkms.2020.35.e62)
+Authors: Yoo, Jin-Hong; Hong, Sung-Tae
+Published: 2020-02-03 00:00:00
+Publication: J Korean Med Sci
+Match (0.5587): **Ban of entry or high-level quarantine is not a violation of human rights, nor is it an irrational racism. This is a serious health security emergency in Korea as well as in the world. The government must discern this security agenda and decide how to upgrade enforcing the present national strategy against the 2019-nCoV outbreak as soon as possible.**
+
+# Efforts to support sustained education, access, and capacity building in the area of ethics + +[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6061): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5808): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5646): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.5568): **Organization, coordination, supervision, and evaluation of the monitoring work; collection, analysis, report, and feedback of the monitoring data; epidemiological investigation; strengthening laboratory testing ability, bio-safety protection awareness, and technical training; carrying out health education and publicity and risk communication to the public.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.5518): **As of 26 January 2020, 30 provinces have initiated a level-1 public health response to control COVID-19 [22] . A level-1 response means that during the occurrence of a particularly serious public health emergency, the provincial headquarters shall organize and coordinate the emergency response work within its administrative area according to the decision deployment and unified command of the State Council [22] . Fever observation rooms shall be set up at stations, airports, ports, and so on to detect the body temperature of passengers entering and leaving the area and implement observation/registration for the suspicious patients. The government under its jurisdiction shall, in accordance with the law, take compulsory measures to restrict all kinds of the congregation, and ensure the supply of living resources. They will also ensure the sufficient supply of masks, disinfectants, and other protective articles on the market, and standardize the market order. The strengthening of public health surveillance, hygiene knowledge publicity, and monitoring of public places and key groups is required. Comprehensive medical institutions and some specialized hospitals should be prepared to accept COVID-19 patients to ensure that severe and critical cases can be differentiated, diagnosed, and effectively treated in time. The health administration departments, public health departments, and medical institutions at all (province, city, county, district, township, and street) levels, and social organizations shall function in epidemic prevention and control and provide guidance for patients and close contact families for disease prevention [23] .**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5465): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5437): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5351): **Many participants indicated that the recent enforcement of wildlife protection laws, as well as gun control policies, has significantly reduced the wildlife hunting, trading or consumption activities. Free or low-priced vaccines for domestic animals were provided by the government, but a lack of access to vaccines in rural areas was reported as one of the main risks associated with raising animals in the household. Participants discussed community healthcare facilities and health insurance, including the national immunization programme for children, as providing accessible protection and preventative services to the local population. Public education about rabies was reported as an example of a zoonotic disease prevention programme that had improved local awareness of the need for protective measures and postexposure treatment. However, the lack of management plans to address human animal conflicts in local communities as discussed by some participants brings potential zoonotic risks (Box 3) (Supplementary Data II).**
+
+[The role of institutional trust in preventive and treatment-seeking behaviors during the 2019 novel coronavirus (2019-nCoV) outbreak among residents in Hubei, China](https://doi.org/doi.org/10.1101/2020.02.15.20023333)
+Authors: Li Ping Wong; Qun hong Wu; Xi Chen; Zhuo Chen; Haridah Alias; Mingwang Shen; Jing cen Hu; Shiwei Duan; Jin jie Zhang; Liyuan Han
+Published: 2020-02-21 00:00:00
+Match (0.5351): **The copyright holder for this preprint . https://doi.org/10.1101/2020.02.15.20023333 doi: medRxiv preprint importance of building trust between the public and the government authorities.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5308): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+# Efforts to establish a team at WHO that will be integrated within multidisciplinary research and operational platforms and that will connect with existing and expanded global networks of social sciences. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7326): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.7245): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6896): **One of the critical lessons from the SARS experience was the absolute necessity to be able to coordinate the international resources that are available in an outbreak and to get them focussed on identifying priorities and solving problems. The WHO established the means to do this for SARS and it has since been further developed and integrated into global preparedness, especially after the West Africa Ebola epidemic. Organisations such as the Global Outbreak Alert and Response Network (GOARN), the Coalition for Epidemic Preparedness Innovations (CEPI), the Global Research Collaboration For Infectious Disease Preparedness (GloPID-R) and the Global Initiative on Sharing All Influenza Data (GISAID) have been supported by the WHO Research Blueprint and its Global Coordinating Mechanism to provide a forum where those with the expertise and capacity to contribute to managing new threats can come together both between and during outbreaks to develop innovative solutions to emerging problems. This global coordination has been active in the novel coronavirus outbreak. WHO's response system includes three virtual groups based on those developed for SARS to collate real time information to inform real time guidelines, and a first candidate vaccine is ready for laboratory testing within 4 weeks of the virus being identified.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6769): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6673): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6430): **ETCS is built upon a doctor-to-doctor (D2D) approach, in which health services can be accessed remotely through terminals across hospitals. The system architecture of ETCS comprises three major architectural layers: (1) telemedicine service platform layer, (2) telemedicine cloud layer, and (3) telemedicine service application layer, as depicted in Figure 1 . The telemedicine service platform layer enables a specialist treatment team of provincial specialists to conquer distance and provide access to clinicians working in the regional hospitals. It provides clinicians and patients with immediate diagnosis and consultations regarding COVID-19, wireless remote patient monitoring, remote multiple disciplinary care, and telehealth for education and training, utilizing interactive live video conferencing. The specialist treatment team members work closely with the NCPPCH and Health Commission of Henan Province to prevent and control the spread of COVID-19. The telemedicine cloud layer allows clinicians to capture, store and process patient medical records, and to achieve real-time data exchange. In addition, prevention and treatment guidelines, and guidance on drug use and management of coronavirus patients can be accessed via the telemedicine cloud. The telemedicine service application layer involves 2 provincial-level hospitals, 18 municipal hospitals and 106 county-level hospitals, which can obtain consultations from the specialist treatment team. This logical structure supports a system of telemedicine clinical management to combat the COVID-19 outbreak. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.6425): **Health approach represents an attempt to deal with such complex problems engaging J o u r n a l P r e -p r o o f professionals from many disciplines such as human, veterinary, and environmental health, as well as social sciences [42] . The One Health approach recognizes the interrelationship between animals, humans and the environment and encourages collaborative efforts to improve the health of people and animals, including pets, livestock, and wildlife [43] . One Health teams can work to identify sources of emerging pathogens and ways to reduce the threat of outbreaks [44] . The implementation and development of One Health collaborations on a global scale are critical to reduce the threats of emerging viruses [42, 43] .**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6385): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6328): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Vorpal: A Novel RNA Virus Feature-Extraction Algorithm Demonstrated Through Interpretable Genotype-to-Phenotype Linear Models](https://doi.org/doi.org/10.1101/2020.02.28.969782)
+Authors: Davis, P.; Bagnoli, J.; Yarmosh, D.; Shteyman, A.; Presser, L.; Altmann, S.; Bradrick, S.; Russell, J. A.
+Published: 2020-03-02 00:00:00
+Match (0.6303): **The use of this algorithm for genotype-to-phenotype models is just one of the potential 478 applications. Automated molecular assay design and degenerate-motif based phylogenetics are 479 examples of the downstream uses already being investigated. The ability to make use of the 480 . CC-BY-NC-ND 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.28.969782 doi: bioRxiv preprint latent data that is accumulating in databases, as well as novel surveillance data, is made more 481 tangible with this algorithm. Well-curated and richly annotated metadata promises to allow 482 machine learning and other data science techniques to unleash a torrent of discovery in genomics 483 at large. The mantra we are positing for the infectious and emergent diseases surveillance 484 community is "More data, Better data, Metadata." The techniques to unlock the potential of 485 data-driven genomic science are gathering momentum. The Vorpal algorithm for feature extraction was developed using the libraries and versions 560 delineated in the requirements.txt document located on the Github. The Vorpal feature 561 extraction algorithm has 3 steps, each corresponding to a script that becomes the Vorpal 562 workflow. 563**
+
+# Efforts to develop qualitative assessment frameworks to systematically collect information related to local barriers and enablers for the uptake and adherence to public health measures for prevention and control. This includes the rapid identification of the secondary impacts of these measures. (e.g. use of surgical masks, modification of health seeking behaviors for SRH, school closures) + +[CoVID-19 in Japan: What could happen in the future?](https://doi.org/doi.org/10.1101/2020.02.21.20026070)
+Authors: Nian Shao; Hanshuang Pan; Xingjie Li; Weijia Li; Shufen Wang; Yan Xuan; Yue Yan; Yu Jiang; Keji Liu; Yu Chen; Boxi Xu; Xinyue Luo; Christopher Y. Shen; Min Zhong; Xiang Xu; Xu Chen; Shuai Lu; Guanghong Ding; Jin Cheng; Wenbin Chen
+Published: 2020-02-23 00:00:00
+Match (0.6766): **Our findings suggest that effective isolation measures as early as possible are crucial for affected regions. Based on our model, the future trend of the epidemic highly depends on when and how the measures will be adopted. Effective interventions include limiting population mobility (e.g. cancellation of mass gathering, school closures and work-from-home arrangements) and public education (e.g. use of face masks and improved personal hygiene) (1).**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.6293): **One is about the comprehensiveness of the interventions. In addition to the mainly discussed strategies of social distancing and epidemic lockdown, measures implemented in China also included forceful medical supports to Wuhan, reinforced quarantine management, and public health measures, e.g. requiring people to wear masks in public, raising public awareness for hand hygiene. Although these measures were not specifically discussed, their effectiveness has been illustrated by the adjustment of daily removed rate, and the decline of the base productive number r0 in our model.**
+
+[The role of institutional trust in preventive and treatment-seeking behaviors during the 2019 novel coronavirus (2019-nCoV) outbreak among residents in Hubei, China](https://doi.org/doi.org/10.1101/2020.02.15.20023333)
+Authors: Li Ping Wong; Qun hong Wu; Xi Chen; Zhuo Chen; Haridah Alias; Mingwang Shen; Jing cen Hu; Shiwei Duan; Jin jie Zhang; Liyuan Han
+Published: 2020-02-21 00:00:00
+Match (0.6212): **quarantine (13.8%, n = 550) expressed an unwillingness to seek hospital treatment. 25 Similarly, being under quarantine (OR = 2.36, 95% CI 1.80 to 3.09) and having a high 26 institutional trust score (OR = 2.20, 95% CI 1.96 to 2.49) were two strong significant 27 determinants of hospital treatment-seeking. 28 Interpretation The results of this study suggest that institutional trust is an important 29 factor influencing adequate preventive behavior and seeking formal medical care 30 during an outbreak. In view of the 2019-nCoV being highly pathogenic and extremely 31 contagious, our findings also underscore the importance of public health intervention 32 to reach individuals with poor adherence to preventive measures and who are reluctant 33 to seek treatment at formal health services. We searched PubMed on January 28, 2020, for articles that describe the trust, 48 preventive practices and health-seeking behaviors related to the 2019 novel coronavirus 49 (2019-nCoV) in China, using the search terms "novel coronavirus," "institutional trust," 50 "behavioral change," "protective behaviors," and "treatment-seeking" with no The questionnaire was developed in English and translated into Chinese. CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity. is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Novel coronavirus infection during the 2019–2020 epidemic: preparing intensive care units—the experience in Sichuan Province, China](https://doi.org/10.1007/s00134-020-05954-2)
+Authors: Liao, Xuelian; Wang, Bo; Kang, Yan
+Published: 2020-01-01 00:00:00
+Publication: Intensive Care Medicine
+Match (0.6042): **It is very important to make all staff aware of the public health significance of the epidemic, and of potential challenges in achieving disease control. Strict isolation and protection measures are a top priority. Training content Fig. 1 Early warning score and rules for 2019-nCoV infected patients. *CCRRT: Critical Care Rapid Response Team includes hand and respiratory hygiene, use of PPE, safe waste management, environmental cleaning, and sterilization of patient-care equipment [6] . We educate and train staff by means of presentations, short videos, WeChat, and supervision to ensure that staff are following the correct procedures.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5958): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.5950): **To conclude, our estimates of the healthcare system burdens arising from the actual number of cases infected by the novel coronavirus appear to be considerable if no effective public health interventions were implemented. We call for continuation of implemented antitransmission measures (e.g., lockdown of city, closure of schools and facilities, suspension of . CC-BY-NC-ND 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.27.922443 doi: bioRxiv preprint -13 -public transport) and further effective large-scale interventions spanning all subgroups of populations (e.g., universal facemask wear) with an aim to obtain overall efficacy with at least 70%-90% to ensure the functioning of and avoid the breakdown of healthcare system.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5887): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.5835): **Containment measures in the COVID-19 outbreak have focused on identifying, treating, and isolating infected people, tracing and quarantining their close contacts, and promoting precautionary behaviors among the general public. Therefore, the psychological and behavioral responses of the general population play an important role in the control of the outbreak. Previous studies have explored on this topic in various culture settings with SARS, 4, 5, 6 pandemic influenza A(H1N1), 7, 8, 9, 10 and influenza A(H7N9). 11, 12, 13 Cultural differences are evident in public responses. 14, 15 Behavioral changes are also associated with government involvement level, perceptions of diseases, and the stage of the outbreak, and these factors vary by diseases and settings. 4, 5, 8, 16 The current COVID-19 outbreak provides a unique platform to study behavioral changes for two main reasons. First, government engagement in the control of the outbreak has been unprecedented, for example, locking down Wuhan and surrounding cities, building new hospitals to treat infected patients in Wuhan within two weeks, extending holidays and school closure, deploying thousands of medical staff to heavily affected areas, and running intense public messaging campaigns. Second, the public are faced with rather mixed information, partly because knowledge of the newly emerging disease is evolving with the course of the outbreak. For example, the national technical protocols for COVID-19 released by the National Health Commission have been updated five times within a month. Both features might result in different public responses towards the outbreak. In this study, we aimed to investigate psychological and behavioral responses to the threat of COVID-19 outbreak and to examine public perceptions associated with the response outcomes in mainland China.**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.5792): **The importance of non-pharmaceutical control measures requires further research to quantify their impact [3] . Mathematical models are useful to evaluate the possible effects on epidemic dynamics of preventive measures, and to improve decision-making in global health [5, 6] .**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.5777): **Further preventive measures to diminish contact between persons and reduce social distance, such as school closure, public transport shutdown, common activities suspension, etc. [7, 8] , should be implemented as to avoidance of healthcare system breakdown.**
+
+# Efforts to identify how the burden of responding to the outbreak and implementing public health measures affects the physical and psychological health of those providing care for Covid-19 patients and identify the immediate needs that must be addressed. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6781): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6757): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.6649): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6631): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6590): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.6506): **After the epidemic outbreak, psychosocial support mainly focuses on the quarantined people and medical staffs working for them (Fig. 4) . Social support and psychological intervention are mostly provided by family members, social workers, psychologists, and psychiatrists to isolated patients, suspected patients, and close contacts, primarily through telephone hotline and Internet (e.g. WeChat, APPs). Medical staffs working for the quarantined are the special group who need a lot of social support, and they are also an important force to provide social support for the isolated patients. To guarantee their continued effective work, their mental health status should be monitored and a continuum of timely interventions should be made available to support them. The Anticipated, Plan and Deter (APD) Responder Risk and Resilience Model (Fig. 5) is an effective method for understanding and managing psychological impacts among medical staffs, including managing the full risk and resilience in the responder "hazard specific" stress. 15 In the APD process, medical staffs receive a pre-event stress training focusing on the psychosocial impact of high-casualty events on the hospital and field disaster settings. During the training, participants are given the chance to develop a "personal resilience plan", which involves identifying and anticipating response challenges. After that they should learn to use it in real intervention response.**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.6499): **Evidence is urgently needed to help policy makers understand public response to the outbreak and support for the containment measures, but no evidence available to date.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6496): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6496): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.6468): **Containment measures in the COVID-19 outbreak have focused on identifying, treating, and isolating infected people, tracing and quarantining their close contacts, and promoting precautionary behaviors among the general public. Therefore, the psychological and behavioral responses of the general population play an important role in the control of the outbreak. Previous studies have explored on this topic in various culture settings with SARS, 4, 5, 6 pandemic influenza A(H1N1), 7, 8, 9, 10 and influenza A(H7N9). 11, 12, 13 Cultural differences are evident in public responses. 14, 15 Behavioral changes are also associated with government involvement level, perceptions of diseases, and the stage of the outbreak, and these factors vary by diseases and settings. 4, 5, 8, 16 The current COVID-19 outbreak provides a unique platform to study behavioral changes for two main reasons. First, government engagement in the control of the outbreak has been unprecedented, for example, locking down Wuhan and surrounding cities, building new hospitals to treat infected patients in Wuhan within two weeks, extending holidays and school closure, deploying thousands of medical staff to heavily affected areas, and running intense public messaging campaigns. Second, the public are faced with rather mixed information, partly because knowledge of the newly emerging disease is evolving with the course of the outbreak. For example, the national technical protocols for COVID-19 released by the National Health Commission have been updated five times within a month. Both features might result in different public responses towards the outbreak. In this study, we aimed to investigate psychological and behavioral responses to the threat of COVID-19 outbreak and to examine public perceptions associated with the response outcomes in mainland China.**
+
+# Efforts to identify the underlying drivers of fear, anxiety and stigma that fuel misinformation and rumor, particularly through social media. +[Fear can be more harmful than the severe acute respiratory syndrome coronavirus 2 in controlling the corona virus disease 2019 epidemic](http://dx.doi.org/10.12998/wjcc.v8.i4.652)
+Authors: Ren, Shi-Yan; Gao, Rong-Ding; Chen, Ye-Lin
+Published: 2020-02-26 00:00:00
+Publication: World J Clin Cases
+Match (0.7248): **Fear, prejudice, and discrimination can considerably impede anti-SARS-CoV-2 efforts [34] . A recent study of 138 hospitalized COVID-19 patients shows that SARS-CoV-2 can be transmitted from person to person through droplets and hand contact during an incubation period as well as on acute attack [2] . The closer we are to the truth, the farther we are from fear or panic. We think that open and transparent information on the outbreak to the public in China and the world, and administrative warning from authorities in every country are necessary to reduce fear and discrimination [34] . The health authorities should make the SARS-CoV-2 epidemic and essential preventive measures to the public in China and the world openly and transparently in time through radio, television, newspaper, WeChat, and the internet, i.e. washing hands and wearing a mask. A 24-h free hotline 7 d a week should be set up for public to respond to all the questions and concerns, relive the worries and panic, and clear the rumor or misinformation. The public hospitals should open COVID-19 clinics and mental health clinics to consult with people to clear panic and misinformation. Likewise, government authorities in every country should cooperate with China to oppose stigma, language abuse and discrimination caused by the SARS-CoV-2 epidemic and strictly abide by disciplines and laws stress that our enemy is SARS-CoV-2 rather than the fear and stigma.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6876): **Searching for someone to blame is part of the process of making sense of any disaster, akin to the phenomenon of moral panic. 5 Conspiracy theories and misinformation are already circulating in traditional and social media about COVID-19. 6, 7 Thus, it is important to track the evolving dynamics of blame in real time, both to correct inaccurate information and to respond to online scapegoating.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6858): **The ongoing coronavirus disease 2019 (COVID-19) outbreak is giving rise to worldwide anxieties, rumours, and online misinformation. But it offers an opportunity to put into practice some lessons learned in studies of social media during epidemics, particularly with respect to the dynamics of online heroisation and blame.**
+
+[The coronavirus 2019-nCoV epidemic: Is hindsight 20/20?](https://doi.org/10.1016/j.eclinm.2020.100289)
+Authors: Malta, Monica; Rimoin, Anne W.; Strathdee, Steffanie A.
+Published: 2020-01-01 00:00:00
+Publication: EClinicalMedicine
+Match (0.6813): **As with any infectious disease emergency, public health officials need also to address the epidemic of fear. Inappropriate prevention and treatment strategies such as herbal remedies and exaggerated numbers of persons affected by COVID-19 cases have circulated on social media. The COVID-19 pandemic, rapid spread and magnitude unleashed panic and episodes of racism against people of Asian descent. Efforts to address this scenario in the COVID-19 and future epidemics need to consider traditional and social media communication, among other sources of information to curtail misinformation and prejudice. To avoid a global pandemic, timely surveillance, epidemiologic information about the pathogenicity and transmissibility of COVID-19 are needed. Healthcare workers should be adequately trained to identify, notify local authorities and provide appropriate care. Animal markets, specifically 'wet markets' should be closely monitored and meat safety ensured by public health authorities.**
+
+[The coronavirus 2019-nCoV epidemic: Is hindsight 20/20?](https://doi.org/10.1016/j.eclinm.2020.100289)
+Authors: Malta, Monica; Rimoin, Anne W.; Strathdee, Steffanie A.
+Published: 2020-01-01 00:00:00
+Publication: EClinicalMedicine
+Match (0.6813): **As with any infectious disease emergency, public health officials need also to address the epidemic of fear. Inappropriate prevention and treatment strategies such as herbal remedies and exaggerated numbers of persons affected by COVID-19 cases have circulated on social media. The COVID-19 pandemic, rapid spread and magnitude unleashed panic and episodes of racism against people of Asian descent. Efforts to address this scenario in the COVID-19 and future epidemics need to consider traditional and social media communication, among other sources of information to curtail misinformation and prejudice. To avoid a global pandemic, timely surveillance, epidemiologic information about the pathogenicity and transmissibility of COVID-19 are needed. Healthcare workers should be adequately trained to identify, notify local authorities and provide appropriate care. Animal markets, specifically 'wet markets' should be closely monitored and meat safety ensured by public health authorities.**
+
+[Fear can be more harmful than the severe acute respiratory syndrome coronavirus 2 in controlling the corona virus disease 2019 epidemic](http://dx.doi.org/10.12998/wjcc.v8.i4.652)
+Authors: Ren, Shi-Yan; Gao, Rong-Ding; Chen, Ye-Lin
+Published: 2020-02-26 00:00:00
+Publication: World J Clin Cases
+Match (0.6528): **Attempts to control the epidemic have involved isolation and quarantine, lockdown of an entire city, cancellation of flights, and evacuation of foreign nationals from Wuhan. As the World Health Organization's (WHO's) Director of Global Infectious Hazard Preparedness Sylvie Briand said, "Fear and stigma go together and when people fear, they tend to stigmatize some groups and what we try to do is to reduce this fear" [34] .**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6425): **The other side of the coin is heroisation, the investment of hope and trust in a context of risk and unease. Analyses of blame and heroisation during the 2014-15 Ebola epidemic, using Twitter and Facebook posts in French and English, 2,8 suggest that heroic status was widely conferred on ordinary individuals and insiders rather than altruistic foreigners, as in other crises. The term local hero is not an empty phrase: identification of local heroes as they emerge, and working with them (online and offline), could have a strong pay-off in communication campaigns. What constitutes a hero during a time of crisis is nuanced and context-specific, however, and needs careful qualitative work to understand. Heroes can include, for example, whistle-blowers (who put their careers on the line to alert the public) and health workers (who generate essential information while doing their work). All these figures can be seen emerging during the COVID-19 outbreak.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6405): **Working with journalists and the media to help them understand the science and epidemiology, particularly in a fast moving event, will improve risk communication to the public and reduce inappropriate concerns and panic.**
+
+[Fear can be more harmful than the severe acute respiratory syndrome coronavirus 2 in controlling the corona virus disease 2019 epidemic](http://dx.doi.org/10.12998/wjcc.v8.i4.652)
+Authors: Ren, Shi-Yan; Gao, Rong-Ding; Chen, Ye-Lin
+Published: 2020-02-26 00:00:00
+Publication: World J Clin Cases
+Match (0.6374): **However, discrimination and prejudice driven by fear or misinformation have been flowing within and outside China [19, [25] [26] [27] [28] [29] [30] [31] , triggering panic and jeopardizing the response efforts of health workers and health authorities [25, 32] . Importantly, discrimination, prejudice, and stigma make sick people reluctant to get medical help [19] . Nurses are prevented from accessing the areas where their rented houses are located [33] . This should be stopped [23, 29] .**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.6370): **Since December 2019, Wuhan and gradually other places of China have experienced an outbreak of pneumonia epidemic caused by the 2019 novel coronavirus (2019-nCoV, later named SARS-CoV-2). 1 The World Health Organization has declared the current outbreak of COVID-19 in China as a Public Health Emergency of International Concern. As of 10:00 Feb 13, 2020, the epidemic has caused 1366 deaths out of 59 834 confirmed and 16 067 suspected cases. 2 Some unprecedented measures were taken to stop the spread of the virus including cancelling of gatherings, extending the Chinese New Year holidays, and limiting the number of people in public places (e.g. train stations and airports). The outbreak itself and the control measures may lead to widespread fear and panic, especially stigmatization and social exclusion of confirmed patients, survivors and relations, which may escalate into further negative psychological reactions including adjustment disorder and depression. [3] [4] [5] Sudden outbreaks of public health events always pose huge challenges to the mental health service system. Examples include the HIV/AIDS epidemic that captivated world attention in the 1980s and 1990s, the severe acute respiratory syndrome (SARS) in 2002 and 2003, the H1N1 influenza pandemic of 2009, the Ebola virus outbreak in 2013, and the Zika virus outbreak in 2016. 6 During these epidemics, the consequences on the psychosocial wellbeing of at-risk communities are sometimes largely overlooked, especially in the Ebola-affected regions, where few measures were taken to address the mental health needs of confirmed patients, their families, medical staffs or general population. 7 The absence of mental health and psychosocial support systems and the lack of well-trained psychiatrists and/or psychologists in these regions increased the risks of psychological distress and progression to psychopathology. 8 The lack of effective mental health systems added to the poverty in Sierra Leone and Liberia. 9 In China, the mental health service system has been greatly improved after several major disasters, especially the Wenchuan earthquake. In the process of dealing with group crisis intervention, various forms of psychosocial intervention services have been developed, including the intervention model of expert-coach-teacher collaboration after the Wenchuan earthquake 10 and the equilibrium psychological intervention on people injured in the disaster incident after the Lushan earthquake. 11 With the support for remote psychological intervention provided by the development of Internet technology, especially the widespread application of 4G or 5G networks and smartphones, we developed a new intervention model to handle the present COVID-19 public health event. This new model, one of West China Hospital, integrates physicians, psychiatrists, psychologists and social workers into Internet platforms.**
+
diff --git a/tasks/ethics.txt b/tasks/ethics.txt new file mode 100644 index 0000000..f0697a5 --- /dev/null +++ b/tasks/ethics.txt @@ -0,0 +1,7 @@ +Efforts to articulate and translate existing ethical principles and standards to salient issues in COVID-2019 +Efforts to embed ethics across all thematic areas, engage with novel ethical issues that arise and coordinate to minimize duplication of oversight +Efforts to support sustained education, access, and capacity building in the area of ethics +Efforts to establish a team at WHO that will be integrated within multidisciplinary research and operational platforms and that will connect with existing and expanded global networks of social sciences. +Efforts to develop qualitative assessment frameworks to systematically collect information related to local barriers and enablers for the uptake and adherence to public health measures for prevention and control. This includes the rapid identification of the secondary impacts of these measures. (e.g. use of surgical masks, modification of health seeking behaviors for SRH, school closures) +Efforts to identify how the burden of responding to the outbreak and implementing public health measures affects the physical and psychological health of those providing care for Covid-19 patients and identify the immediate needs that must be addressed. +Efforts to identify the underlying drivers of fear, anxiety and stigma that fuel misinformation and rumor, particularly through social media. \ No newline at end of file diff --git a/tasks/interventions.md b/tasks/interventions.md new file mode 100644 index 0000000..099bc9e --- /dev/null +++ b/tasks/interventions.md @@ -0,0 +1,450 @@ +# Guidance on ways to scale up NPIs in a more coordinated way (e.g., establish funding, infrastructure and authorities to support real time, authoritative (qualified participants) collaboration with all states to gain consensus on consistent guidance and to mobilize resources to geographic areas where critical shortfalls are identified) to give us time to enhance our health care delivery system capacity to respond to an increase in cases. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7499): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.7452): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.7028): **The rapid sharing of information in this outbreak and the speed of the coordinated response both in the country and internationally suggest that lessons have been learned from SARS that improve global capacity. The international networks and forums that now exist have facilitated the bringing together of expertise from around the world to focus research and development efforts and maximise the impact.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6904): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6885): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6870): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.6862): **Experience with managing this outbreak will be very heterogenous across the world. Countries closely connected with China, such as Singapore, will be ahead in this regard. As the outbreak moves across regions, there is opportunity to support those affected later both in terms of readiness and response. Mechanisms available to outbreak response organisations, particularly through the Global Outbreak Alert and Response Network (GOARN), can be valuable in skills-and knowledgesharing. Therefore, there should be a deliberate effort to utilise knowledge from early affected countries in later affected countries.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.6862): **Experience with managing this outbreak will be very heterogenous across the world. Countries closely connected with China, such as Singapore, will be ahead in this regard. As the outbreak moves across regions, there is opportunity to support those affected later both in terms of readiness and response. Mechanisms available to outbreak response organisations, particularly through the Global Outbreak Alert and Response Network (GOARN), can be valuable in skills-and knowledgesharing. Therefore, there should be a deliberate effort to utilise knowledge from early affected countries in later affected countries.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6859): **One of the critical lessons from the SARS experience was the absolute necessity to be able to coordinate the international resources that are available in an outbreak and to get them focussed on identifying priorities and solving problems. The WHO established the means to do this for SARS and it has since been further developed and integrated into global preparedness, especially after the West Africa Ebola epidemic. Organisations such as the Global Outbreak Alert and Response Network (GOARN), the Coalition for Epidemic Preparedness Innovations (CEPI), the Global Research Collaboration For Infectious Disease Preparedness (GloPID-R) and the Global Initiative on Sharing All Influenza Data (GISAID) have been supported by the WHO Research Blueprint and its Global Coordinating Mechanism to provide a forum where those with the expertise and capacity to contribute to managing new threats can come together both between and during outbreaks to develop innovative solutions to emerging problems. This global coordination has been active in the novel coronavirus outbreak. WHO's response system includes three virtual groups based on those developed for SARS to collate real time information to inform real time guidelines, and a first candidate vaccine is ready for laboratory testing within 4 weeks of the virus being identified.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6842): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+# Rapid design and execution of experiments to examine and compare NPIs currently being implemented. DHS Centers for Excellence could potentially be leveraged to conduct these experiments. + +[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5439): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.01.20029611 doi: medRxiv preprint promising projects are prioritized. In addition, we suggest that using a variety of study designs and statistical methods to scientifically and efficiently conduct the clinical trials, which has an extremely important value for the control of COVID-19.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5308): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.5275): **We encourage coordinated efforts between national and international health agencies and academia to produce line lists of patients which in turn will better enable the medical community to develop effective interventions against COVID-19.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.5168): **Organization, coordination, supervision, and evaluation of the monitoring work; collection, analysis, report, and feedback of the monitoring data; epidemiological investigation; strengthening laboratory testing ability, bio-safety protection awareness, and technical training; carrying out health education and publicity and risk communication to the public.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5085): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Epidemiologic and Clinical Characteristics of 91 Hospitalized Patients with COVID-19 in Zhejiang, China: A retrospective, multi-centre case series](https://doi.org/doi.org/10.1101/2020.02.23.20026856)
+Authors: Guo-Qing Qian; Nai-Bin Yang; Feng Ding; Ada Hoi Yan Ma; Zong-Yi Wang; Yue-Fei Shen; Chun-Wei Shi; Xiang Lian; Jin-Guo Chu; Lei Chen; Zhi-Yu Wang; Da-Wei Ren; Guo-Xiang Li; Xue-Qin Chen; Hua-Jiang Shen; Xiao-Min Chen
+Published: 2020-02-25 00:00:00
+Match (0.5065): **This was a retrospective case series study, no patients and public were involved in the design, or conduct, or reporting, or dissemination plans of our research.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4999): **In each province, project investigators provided a two-day training workshop for study staff from local provincial and citylevel Centres for Disease Control and Prevention who spoke the local language and were familiar with the local community. This included a unit on the ethical conduct of human subject research, an in-depth review of the study design and objectives, and comprehensive information on the implementation of observational research, semistructured interviews and notetaking within the context of this study.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.4966): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[Interventions targeting air travellers early in the pandemic may delay local outbreaks of SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.12.20022426)
+Authors:
+Published: 2020-02-13 00:00:00
+Match (0.4951): **Neither patients nor the public were involved with the design, conduct, reporting, or dissemination plans of our research. As this work is a simulation study, there are no participants to which we can disseminate the results of this research.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4924): **Overall guidance of epidemic control, organizing a technical expert group for prevention and control; formulation and improvement of relevant work and technical schemes, and implementation of funds and materials for disease prevention and control; tracking and management of close contacts.**
+
+# Rapid assessment of the likely efficacy of school closures, travel bans, bans on mass gatherings of various sizes, and other social distancing approaches. + +[Covid-19: school closures and bans on mass gatherings will need to be considered, says England's CMO](https://doi.org/10.1136/bmj.m806)
+Authors: Moberly, T.
+Published: 2020-01-01 00:00:00
+Publication: BMJ (Clinical research ed.)
+Match (0.7205): **Covid-19: school closures and bans on mass gatherings will need to be considered, says England's CMO**
+
+[CoVID-19 in Japan: What could happen in the future?](https://doi.org/doi.org/10.1101/2020.02.21.20026070)
+Authors: Nian Shao; Hanshuang Pan; Xingjie Li; Weijia Li; Shufen Wang; Yan Xuan; Yue Yan; Yu Jiang; Keji Liu; Yu Chen; Boxi Xu; Xinyue Luo; Christopher Y. Shen; Min Zhong; Xiang Xu; Xu Chen; Shuai Lu; Guanghong Ding; Jin Cheng; Wenbin Chen
+Published: 2020-02-23 00:00:00
+Match (0.6581): **Our findings suggest that effective isolation measures as early as possible are crucial for affected regions. Based on our model, the future trend of the epidemic highly depends on when and how the measures will be adopted. Effective interventions include limiting population mobility (e.g. cancellation of mass gathering, school closures and work-from-home arrangements) and public education (e.g. use of face masks and improved personal hygiene) (1).**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.6081): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.03.20029843 doi: medRxiv preprint Local governments across China encouraged and supported routine screening and quarantine of travellers from Hubei Province in an attempt to detect COVID-19 infections as early as possible. In Wuhan, where the largest number of infected people live, residents were required to measure and report ther temperature daily to confirm their onset, and those with mild and asymptomatic infections were also quarantined in "Fang Cang" hospitals, which are public spaces such as stadiums and conference centres that have been repurposed for medical care. 11 The average interval from symptom onset to laboratory confirmation has dropped from 12 days in the early stages of the outbreak to 3 days in early February, highlighting how the efficiency of disease detection and diagnosis has greatly improved. 15, 16 Third, inner-city travel and contact restrictions were implemented to reduce the risk of community transmission. This involved limiting individual social contact, using personal hygiene and protective measures when people needed to move in public, and increasing the physical distance between those who have COVID-19 and those who do not. 11 As part of these social distancing policies, Chinese government encouraged people to stay at home as much as possible, cancelled or postponed large public events and mass gatherings, and closed libraries, museums, and workplaces. 17, 18 Additionally, to fully cover the suspected incubation period of COVID-19 spread before Wuhan's lockdown, the CNY and school holidays were also extended, with the holiday end date changed from January 30 to March 10 for Hubei province, and Feb 9 for many other provinces. [19] [20] [21] The implementation of these NPIs has coincided with the rapid decline in the number of new cases across China, albeit at high economic and social costs. 15, 16 On February 17, the State Council required localities to formulate differentiated county-level measures for precise containment of the COVID-19 outbreak and the restoration of socioeconomy affected by the outbreak. 22 The timing of implementing and lifting interventions is likely to have been and continue to be important, to take advantage of the window of opportunity to save lives and minimize the economic and social impact. 23, 24 The increasing numbers of cases of COVID-19 outside China and establishment of secondary transmission in multiple places highlights its pandemic potential. The best available scientific evidence is therefore required to design effective NPI strategies and disseminate this knowledge urgently to . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.6011): **As of February 28, 2020 the COVID-19 outbreak has caused 78,961 confirmed cases (2791 deaths) across China, with the majority seen in Wuhan City, and 4691 cases (67 deaths) reported in the other 51 countries. 1 Further spread has occurred to all populated continents of the World, with many anticipating that a pandemic is approaching. 2, 3 As an emerging disease, effective pharmaceutical interventions are not expected to be available for months, 4 and healthcare resources will be limited for treating all cases. Nonpharmaceutical interventions (NPIs) are therefore essential components of the public health response to outbreaks. 1, [5] [6] [7] These include isolating ill persons, contact tracing, quarantine of exposed persons, travel restrictions, school and workplace closures, and cancellation of mass gathering events. [5] [6] [7] These containment measures aim to reduce transmission, thereby delaying the timing and reducing the size of the epidemic peak, buying time for preparations in the healthcare system, and enabling the potential for vaccines and drugs to be used later on. 5 For example, social distancing measures have been effective in past influenza epidemics by curbing human-to-human transmission and reducing morbidity and mortality. [8] [9] [10] Three major NPIs have been taken to mitigate the spread and reduce the outbreak size of COVID-19 across China. 11, 12 First, inter-city travel bans or restrictions have been taken to prevent further seeding the virus during the**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5481): **The COVID-19 outbreak has spread widely across China since December 2019, with many other countries affected. The containment strategy of integrated nonpharmaceutical interventions (NPIs) including travel bans and restrictions, contact reductions and social distancing, early case identification and isolation have been rapidly deloyed across China to contain the outbreak, and the combination of these interventions appears to be effective. We **
+
+[The lockdown of Hubei Province causing different transmission dynamics of the novel coronavirus (2019-nCoV) in Wuhan and Beijing](https://doi.org/doi.org/10.1101/2020.02.09.20021477)
+Authors: Xinhai Li; Xumao Zhao; Yuehua Sun
+Published: 2020-02-11 00:00:00
+Match (0.5459): **To facilitate decision making against the 2019-nCoV, researchers had predicted 44 the transmission dynamics in different scenarios. Read et al. [7] estimated that only 45 5.1% (95% CI, 4.8-5.5) of infections in Wuhan were identified; ahead of 14 days, 46 they predicted the number of infected people in Wuhan to be greater than 250 47 thousand on Feb. 4, 2020. Read et al. [7] suggested, before the city closure of Wuhan, 48 that travel restrictions from and to Wuhan city are unlikely to be effective and 2019-49 nCoV would outbreak in Beijing, Shanghai, etc. with much larger sizes. Leung et al. 50 [8] estimated the transmission dynamics of 2019-nCoV in six major cities in China 51 under six scenarios: 0%, 25%, 50% transmission reduction with and without 50% 52 mobility reduction. However, the assumption of 50% mobility reduction is much 53 lower than the real situation. China government enforced tourism ban on Jan. 24, and 54 carried out other control measures such as extending holidays, closing schools, 55 cancelling meetings, suggesting a 14-day quarantine after travel. In particular, 56 highway traffic control is strictly implemented in many cities, towns, and villages. 57**
+
+[Simulating the infected population and spread trend of 2019-nCov under different policy by EIR model](https://doi.org/doi.org/10.1101/2020.02.10.20021519)
+Authors: Hao Xiong; Huili Yan
+Published: 2020-02-12 00:00:00
+Match (0.5459): **Since Jan 23rd 2020, after outbreak of the novel atypical pneumonia, government has applied substantial draconian intervention measures to drastically reduce within-population contact rates. These measures include extending the Spring Festival holiday, and instituting work-from-home arrangements, postpone the start of Spring semester, Nurseries and early learning centers closures, cancellation of mass gatherings, wearing masks at public palce, and so on. However, the reported case numbers are still rising rapidly. Simulating the epidemic spreading trend of 2019-nCoV under the control measures are of crucial importance for public health planning and control domestically and internationally. Several earlier publications have given some useful forecasting of 2019-nCoV [4, 5, [8] [9] [10] [11] , but their estimating numbers are too far more than the official data. The estimating of epidemic spreading should consider the effect of actions have been taken to mitigate the spreading. Furthermore, the asymptomatic infection and transmission characters should be considered in the transmission model. Transmission model and parameters are essential for the generation of accurate forecasting of infected population and spreading trend [12] .**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.5423): **Further preventive measures to diminish contact between persons and reduce social distance, such as school closure, public transport shutdown, common activities suspension, etc. [7, 8] , should be implemented as to avoidance of healthcare system breakdown.**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.5313): **To conclude, our estimates of the healthcare system burdens arising from the actual number of cases infected by the novel coronavirus appear to be considerable if no effective public health interventions were implemented. We call for continuation of implemented antitransmission measures (e.g., lockdown of city, closure of schools and facilities, suspension of . CC-BY-NC-ND 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.27.922443 doi: bioRxiv preprint -13 -public transport) and further effective large-scale interventions spanning all subgroups of populations (e.g., universal facemask wear) with an aim to obtain overall efficacy with at least 70%-90% to ensure the functioning of and avoid the breakdown of healthcare system.**
+
+[Simulating the infected population and spread trend of 2019-nCov under different policy by EIR model](https://doi.org/doi.org/10.1101/2020.02.10.20021519)
+Authors: Hao Xiong; Huili Yan
+Published: 2020-02-12 00:00:00
+Match (0.5248): **To mitigate the spread of the virus, Chinese Government has implemented extremely serious quarantine prevention measures since Jan 23, 2020. All 31 provincial-level regions in China announced the highest public health alert. The extremely serious prevention measures are taken to mitigate the epidemic spreading, such as: Group tours, travel packages are suspended across China; Mass gatherings are all cancelled; Spring Festival holiday is extended; the start of Spring semester is postponed; Mask wearing is required at public place; temperature screening measures to detect individuals with fever have adopted at airports, train stations and Highway entrance, as well as entrance of community.**
+
+# Methods to control the spread in communities, barriers to compliance and how these vary among different populations.. + +[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5253): **Despite current reassurances about the severity of 2019-nCoV, it will be incredibly difficult to further contain the cross-border spread of the virus due to the sheer volume of global travel. It will be necessary to coordinate a unified, global response across many differing geopolitical boundaries, political settings, cultures, and health system contexts. The fact that incubating cases may have left Wuhan before the quarantine began complicates matters further, as does the emerging possibility that some carriers may be asymptomatic. WHO has asked all countries to prepare for cases including through surveillance, tracing, treatment and isolation practices, and by sharing data. 4 The resources needed to do this effectively may not be routinely available, however, particularly in low-resource settings.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5195): **Using a qualitative approach, this study allowed us to explore a variety of risk factors at different individual, community and policy levels to contextualize the risks of zoonotic disease emergence in local communities. The findings provide guidance for future in-depth research on specific risk factors, as well as zoonotic disease control and prevention in southern China and potentially other regions with similar ecological and social contexts.**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.5075): **The COVID-19 outbreak and subsequent containment measures to lower the zoonotic virus transmission offer a unique opportunity to reassess the exposure to live animals, demand for wild animal consumption, and public readiness to further regulate wet markets. In this study, we aim to investigate behaviour patterns of population interaction to live animals, with a particular focus on differences before and during the outbreak, between Wuhan and Shanghai representing diverse exposure intensities to COVID-19. We also seek to understand levels of public support for containment measures and public confidence in their effectiveness to quell the outbreak. This study will help to clarify the public's response to the outbreak and has important policy implications regarding the social acceptability of infection containment measures and their application in different contexts.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4936): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.4773): **If and when local transmission begins in a particular location, a variety of community mitigation measures can be implemented by health authorities to reduce transmission and thus reduce the growth rate of an epidemic, reduce the height of the epidemic peak and the peak demand on healthcare services, as well as reduce the total number of infected persons [21] . A number of social distancing measures have already been implemented in Chinese cities in the past few weeks including school and workplace closures. It should now be an urgent priority to quantify the effects of these measures and specifically whether they can reduce the effective reproductive number below 1, because this will guide the response strategies in other locations. During the 1918/19 influenza pandemic, cities in the United States, which implemented the most aggressive and sustained community measures were the most successful ones in mitigating the impact of that pandemic [22] .**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.4766): **Based on near-real time human movement and disease data, here we conducted an observational and modelling study to develop a travel network-based modelling framework. We aimed to reconstruct COVID-19 spread across China and assess the effect of the three major groups of NPIs mentioned above. Given the expanding landscape of epidemics across the World, our findings contribute to improved understanding of the effect of NPI measures on COVID-19 containment and can help in tailoring control strategies across contexts.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.4742): **To our knowledge, this is the most comprehensive study to date on quantifying the relative effect of different NPIs and their timings for COVID-19 outbreak containment, based on human movement and disease data. Our findings show that NPIs, inter-city travel restrictions, social distancing and contact reductions, as well as early case detection and isolations, have substantially reduced COVID-19 transmission across China, with the effectiveness of different interventions varying. The early detection and isolation of cases was estimated to prevent more infections than travel restrictions and contact reductions, but integrated NPIs would achieve the strongest and most rapid effect. Our findings contribute to improved understanding of integrated NPI measures on COVID-19 containment and can help in tailoring control strategies across contexts.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.4728): **Containment measures in the COVID-19 outbreak have focused on identifying, treating, and isolating infected people, tracing and quarantining their close contacts, and promoting precautionary behaviors among the general public. Therefore, the psychological and behavioral responses of the general population play an important role in the control of the outbreak. Previous studies have explored on this topic in various culture settings with SARS, 4, 5, 6 pandemic influenza A(H1N1), 7, 8, 9, 10 and influenza A(H7N9). 11, 12, 13 Cultural differences are evident in public responses. 14, 15 Behavioral changes are also associated with government involvement level, perceptions of diseases, and the stage of the outbreak, and these factors vary by diseases and settings. 4, 5, 8, 16 The current COVID-19 outbreak provides a unique platform to study behavioral changes for two main reasons. First, government engagement in the control of the outbreak has been unprecedented, for example, locking down Wuhan and surrounding cities, building new hospitals to treat infected patients in Wuhan within two weeks, extending holidays and school closure, deploying thousands of medical staff to heavily affected areas, and running intense public messaging campaigns. Second, the public are faced with rather mixed information, partly because knowledge of the newly emerging disease is evolving with the course of the outbreak. For example, the national technical protocols for COVID-19 released by the National Health Commission have been updated five times within a month. Both features might result in different public responses towards the outbreak. In this study, we aimed to investigate psychological and behavioral responses to the threat of COVID-19 outbreak and to examine public perceptions associated with the response outcomes in mainland China.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.4702): **The finding of people in a small sample of rural communities in southern China seropositive for a bat SARSr-CoV suggests that bat-origin coronaviruses commonly spillover in the region [18] . Single cases or small clusters of human infection may evade surveillanceparticularly in regions and countries that border China with less healthcare capacity or rural areas where people don't seek diagnosis or treatment in a timely fashion. Surveillance programs can be designed by local public health authorities to identify communities living in regions with high wildlife diversity and likely high diversity of novel viruses [21] . People with frequent contact with wild or domestic animals related to their livelihood and occupation, and patients presenting acute respiratory infection (ARI) or influenza-like illness (ILI) symptoms with unknown etiology can be included into the surveillance as a cost-effective method to identify novel virus spillovers. This 'pre-outbreak surveillance' strategy can be coordinated with different sectors of public health, healthcare, agriculture and forestry to implement sample collection and testing of wildlife, domestic animals, and people in collaboration with research institutions. These efforts will help identify and characterize viral genetic sequence, identify high-risk human populations with antibodies and cell-mediated immunity responses to wildlife-origin CoVs [22] , as well as the risk factors in human behaviors and living environment through interviews. Evidencebased strategies to reduce risk can then be designed and implemented in the communities where viral spillover is identified.**
+
+[Distribution of the COVID-19 epidemic and correlation with population emigration from wuhan, China](https://doi.org/10.1097/CM9.0000000000000782)
+Authors: Chen, Ze-Liang; Zhang, Qi; Lu, Yi; Guo, Zhong-Min; Zhang, Xi; Zhang, Wen-Jun; Guo, Cheng; Liao, Cong-Hui; Li, Qian-Lin; Han, Xiao-Hu; Lu, Jia-Hai
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4680): **Wuhan. However, with the progress of the epidemic, migrants are spreading the virus to other people and are becoming an important source of local community transmission. Therefore, it is necessary to strictly implement isolation and related control measures in accordance with the guidelines. Particularly, control measures must be taken to prevent the spread of diseases in communities, which is crucial to prevent a large-scale outbreak.**
+
+# Models of potential interventions to predict costs and benefits that take account of such factors as race, income, disability, age, geographic location, immigration status, housing status, employment status, and health insurance status. + +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.6335): **The majority of study participants were males (n=58, 68%), local residents aged 31-50 y (n=55, 63%) and making a living in Has worked or work on multiple jobs to make a living 35 40 grain and cash crop production. Small business (n=16, 18%), household livestock production (n=13, 15%) and other migrant and casual work (n=30, 34%) were the other main contributors to local incomes, and many participants reported multiple income sources (n=35, 40%). Without sharing detailed income or education information, participants who discussed socioeconomic status generally indicated low levels of education (e.g. 'I didn't go to school that much') or a low economic status (e.g. ' We are poor') ( Table 1 ).**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.6021): **Characteristics of respondents, including gender, age, marital status, education, income, and All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.4717): **Furthermore, Shanghai participants were significantly less likely to report moderate or severe anxiety (odds ratio 0.6, 0.5-0.8) or carry out all recommended and avoidance behaviors (odds ratio 0.4, 0.3-0.6) than Wuhan participants. We found no evidence that sex, age, educational attainment, working status and marital status were closely associated with psychological and behavioral responses during the novel coronavirus outbreak.**
+
+[Emotional responses and coping strategies of nurses and nursing college students during COVID-19 outbreak](https://doi.org/doi.org/10.1101/2020.03.05.20031898)
+Authors: Long Huang; Fu ming xu; Hai rong Liu
+Published: 2020-03-08 00:00:00
+Match (0.4608): **After controlling for gender, spatial distance, identity, and urban-rural attributes, correlation analysis was performed on the emotional response and coping strategies.**
+
+[Mental health status and coping strategy of medical workers in China during The COVID-19 outbreak](https://doi.org/doi.org/10.1101/2020.02.23.20026872)
+Authors: Chen Siyu; Min Xia; Weiping Wen; Liqian Cui; Weiqiang Yang; Shaokun Liu; Jiahua Fan Fan; Huijun Yue; Shangqing Tang; Bingjie Tang; Xiaoling Li; Lin Chen; Zili Qin; Kexing Lv; Xueqin Guo; Yu Lin; Yihui Wen; Wenxiang Gao; Ying Zheng; Wei Xu; Yun Li; Yang Xu; Li Ling; Wenbin Lei
+Published: 2020-02-25 00:00:00
+Match (0.4447): **Mental health status and coping strategy of medical workers in China during The COVID-19 outbreak**
+
+[The Impact of the COVID-19 Outbreak on the Medical Treatment of Chinese Children with Chronic Kidney Disease (CKD):A Multicenter Cross-section Study in the Context of a Public Health Emergency of International Concern](https://doi.org/doi.org/10.1101/2020.02.28.20029199)
+Authors: Gaofu Zhang; Haiping Yang; Aihua Zhang; Qian Shen; Li Wang; Zhijuan Li; Yuhong Li; Lijun Zhao; Yue Du; Liangzhong Sun; Bo Zhao; Hongtao Zhu; Haidong Fu; Xiaoyan Li; Xiaojie Gao; Sheng Hao; Juanjuan Ding; Zongwen Chen; Zhiquan Xu; Xiaorong Liu; Daoqi Wu; Mingsi Gao; Mo Wang; Qiu Li
+Published: 2020-03-03 00:00:00
+Match (0.4414): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 the mental status of their parents to explore problems exposed in the management of Chinese children with CKD in the context of a public health emergency of international concern and identify coping strategies.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4352): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[The Impact of the COVID-19 Outbreak on the Medical Treatment of Chinese Children with Chronic Kidney Disease (CKD):A Multicenter Cross-section Study in the Context of a Public Health Emergency of International Concern](https://doi.org/doi.org/10.1101/2020.02.28.20029199)
+Authors: Gaofu Zhang; Haiping Yang; Aihua Zhang; Qian Shen; Li Wang; Zhijuan Li; Yuhong Li; Lijun Zhao; Yue Du; Liangzhong Sun; Bo Zhao; Hongtao Zhu; Haidong Fu; Xiaoyan Li; Xiaojie Gao; Sheng Hao; Juanjuan Ding; Zongwen Chen; Zhiquan Xu; Xiaorong Liu; Daoqi Wu; Mingsi Gao; Mo Wang; Qiu Li
+Published: 2020-03-03 00:00:00
+Match (0.4308): **This online questionnaire had three parts: the first part collected the basic information of the sick children and their parents (age, gender, diagnosis (CKD stage), address, family economic status, disease duration, attention paid by the parents to the epidemic); the second part assessed the impact of the epidemic on the medical treatment of the patients and their needs for medical treatment (the hospital that they visit, transportation mode, the effect of the epidemic on regular medical treatment, delays in medical treatment, the self-perceived effect of the epidemic on the condition of the sick child, measures that the parents hoped could be taken if they could not see a doctor, help that the parents hoped to get during the epidemic); the third part evaluated the impact of the epidemic on the mental status and anxiety of the parents (mentality of the parents and the attention paid to the COVID-19 outbreak, self-perceived probability of the child being infected by SARS-CoV-2, concern of the . CC-BY-NC 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4269): **While the significance of such data in advancing efficiency, productivity and processes in different sectors is being lauded, there are criticisms arising as to the nature of data collection, storage, management and accessibility by only a small group of users. The latter particularly includes select ICT corporations that are also located in specific geographies [6, [14] [15] [16] [17] . These criticisms are justified, as in recent years, big data is seen as the new 'gold rush' of the 21st century and limiting its access means higher economic returns and increased influence and control at various scales to those who control data. These associated benefits with big data are clearly influencing geopolitical standings, in both corporate and conventional governance realms, and there is increased competition between powerful economies to ensure that they have the maximum control of big data. As case in point is the amount of 'push and pull' that has arisen from Huawei's 5G internet planned rollout [18] . Though the latter service offers unprecedented opportunities to increase internet speeds, and thereby influence the handling of big data, countries like the U.S. and some European countries that are key proponents and players in global political, economic and health landscapes, are against this rollout, arguing that it is a deceptive way of gathering private data under the guise of espionage. On this, it has been noted that the issue of data control and handling by a few corporations accords with their principles of nationalism, and that these work for their own wellbeing as well as to benefit the territories they are registered in. Therefore, geopolitical issues are expected on the technological front as most large data-rich corporations are located in powerful countries that have influence both economically, health-wise and politically [19] [20] [21] . Such are deemed prized tokens on the international landscape, and it is expected that these economies will continue to work towards their predominant control as much as possible. On the health sector, the same approach is being upheld where critical information and data are not freely shared between economies as that would be seen to be benefiting other in-competition economies, whereas different economies would cherish the maximization of benefits from such data collections.**
+
+[Study of the mental health status of medical personnel dealing with new coronavirus pneumonia](https://doi.org/doi.org/10.1101/2020.03.04.20030973)
+Authors: ning sun; jun xing; jun xu; ling shu geng; qian yu li
+Published: 2020-03-06 00:00:00
+Match (0.4220): **Stepwise linear regression was performed using the total score of mental health status as the dependent variable and 17 items of personal information as independent variables. The 17 items include: hospital, department, occupation, gender, age, highest education level, work experience, level of expertise, marital status, any children, living status, whether you have participated in training for handling of public health emergencies, whether family members support your working on the front line against coronavirus, whether you have supported in affected areas in Hubei, designated hospitals, department of infectious diseases, fever clinics or emergency department, level of concern whether you and your family have been infected, degree of suspicion that you were infected when coronavirus-related symptoms occurred, and whether you have received medical observation recently. Values were assigned to independent variables using the method shown in Table 3 . The α -values for importing and exporting a variable in the regression equation were set to 0.10 and 0.15, respectively. Factors affecting the mental health and status of medical personnel based on their significance from high to low are: the degree of suspicion that they were infected when the novel coronavirus-related symptoms occurred, the level of concern whether they and their family members have been infected, age, whether they have supported in affected areas in Hubei Province, designated hospitals, and other places for the novel coronavirus, and whether family members support them working on the front line (p < 0.05). Details of the regression results are listed in Table 4 . author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+# Policy changes necessary to enable the compliance of individuals with limited resources and the underserved with NPIs. + +[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6305): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.6200): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.03.20029843 doi: medRxiv preprint help policy makers assess the potential benefits and costs of NPIs to contain COVID-19 outbreaks. Some previous studies have preliminarily explored the lockdown of Wuhan, [25] [26] [27] travel restrictions, 28-30 airport screening, 31, 32 and the isolation of cases and contact tracing for containing virus transmission, respectively. 33, 34 The conclusions of these studies are persuasive, there are still key knowledge gaps on the effectiveness of different interventions. 15 To fully justify the preparation, implementation, or cancellation of various NPIs, policy makers across the World need evidence as to the combination and timings of each, which remains lacking.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5986): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5978): **Despite current reassurances about the severity of 2019-nCoV, it will be incredibly difficult to further contain the cross-border spread of the virus due to the sheer volume of global travel. It will be necessary to coordinate a unified, global response across many differing geopolitical boundaries, political settings, cultures, and health system contexts. The fact that incubating cases may have left Wuhan before the quarantine began complicates matters further, as does the emerging possibility that some carriers may be asymptomatic. WHO has asked all countries to prepare for cases including through surveillance, tracing, treatment and isolation practices, and by sharing data. 4 The resources needed to do this effectively may not be routinely available, however, particularly in low-resource settings.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5919): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5919): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[An updated estimation of the risk of transmission of the novel coronavirus (2019-nCov)](https://doi.org/10.1016/j.idm.2020.02.001)
+Authors: Tang, Biao; Bragazzi, Nicola Luigi; Li, Qian; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Infectious Disease Modelling
+Match (0.5891): **Accurately near-casting the epidemic trend and projecting the peak time require real-time information of the data and the knowledge about the implementation and the resources available to facilitate the implementation, not only the policy and decision, of major public health interventions. **
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5733): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Incorporating Human Movement Data to Improve Epidemiological Estimates for 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.07.20021071)
+Authors: Zhidong Cao; Qingpeng Zhang; Xin Lu; Dirk Pfeiffer; Lei Wang; Hongbing Song; Tao Pei; Zhongwei Jia; Daniel Dajun Zeng
+Published: 2020-02-09 00:00:00
+Match (0.5704): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.07.20021071 doi: medRxiv preprint utilized in this study provides a robust data source for estimating the likely dissemination of 2019-nCoV cases across the country (Fig. 3B) , providing important epidemiological information that is much less affected by delayed-or under-reporting bias. The management of the epidemic over the coming weeks when people travel back from their hometowns to their work places will be critical for being able to bring it under control. We recommend that the national and local authorities process real-time human movement data through mathematical models to forecast the spatio-temporal dynamics of further 2019-nCoV outbreaks across Mainland China. This will allow developing early detection, isolation and quarantine strategies tailored to the very dynamic epidemiological situation, as well as identify potential problems in the implementation of local disease control policies and inform the design of any necessary adjustments.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5645): **To our knowledge, this is the most comprehensive study to date on quantifying the relative effect of different NPIs and their timings for COVID-19 outbreak containment, based on human movement and disease data. Our findings show that NPIs, inter-city travel restrictions, social distancing and contact reductions, as well as early case detection and isolations, have substantially reduced COVID-19 transmission across China, with the effectiveness of different interventions varying. The early detection and isolation of cases was estimated to prevent more infections than travel restrictions and contact reductions, but integrated NPIs would achieve the strongest and most rapid effect. Our findings contribute to improved understanding of integrated NPI measures on COVID-19 containment and can help in tailoring control strategies across contexts.**
+
+# Research on why people fail to comply with public health advice, even if they want to do so (e.g., social or financial costs may be too high). + +[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5950): **The other side of the coin is heroisation, the investment of hope and trust in a context of risk and unease. Analyses of blame and heroisation during the 2014-15 Ebola epidemic, using Twitter and Facebook posts in French and English, 2,8 suggest that heroic status was widely conferred on ordinary individuals and insiders rather than altruistic foreigners, as in other crises. The term local hero is not an empty phrase: identification of local heroes as they emerge, and working with them (online and offline), could have a strong pay-off in communication campaigns. What constitutes a hero during a time of crisis is nuanced and context-specific, however, and needs careful qualitative work to understand. Heroes can include, for example, whistle-blowers (who put their careers on the line to alert the public) and health workers (who generate essential information while doing their work). All these figures can be seen emerging during the COVID-19 outbreak.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5811): **However, the imposition of these dramatic measures does also raise a wider question: if there is an impact from these measures, what other countries would (or could) implement such measures? Would other countries accept the self-imposed economic damage that China has accepted to try and contain this outbreak? Is it reasonable to consider that national governments would close down public transport into and out of London, New York or Paris in the week before Christmas even if it were shown to be an effective control measure?**
+
+[Should, and how can, exercise be done during a coronavirus outbreak? — An interview with Dr. Jeffrey A. Woods](https://doi.org/10.1016/j.jshs.2020.01.005)
+Authors: Zhu, Weimo
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.5746): **Woods: Yes, I get many inquiries from Chinese and other international students about potentially working in my laboratory as a pre-doctoral student. The main advice that I would give these students is to make sure that you have (a) a strong academic record that includes basic science courses (i.e., chemistry, physiology), (b) evidence of basic science wet laboratory skills, and (c) tangible research output (i.e., abstracts, publications, and presentations) in your field. I would also caution about using cold call e-mails that do not reflect careful thought and research relative to the individual you are contacting. You should read the work and understand the research interests of the professor you are contacting while also making a case that you have strong interests and skills in this area. Most of the Chinese scholars I have mentored came to me on recommendation from someone I know and trust (e.g., another U.S. or international professor or student). Thus, it is important to create a network of people in your field of interest. You can do this by interacting with people at scientific meetings. If that is not an option due to cost or circumstance, I would recommend trying to find any connection between you, your institution, or your current mentor and someone at a target institution of study. As for manuscripts coming from Chinese or international laboratories submitted to English-language journals, my recommendation would be to make sure that the manuscript has been carefully edited for spelling and grammar relative to the English language. No matter how good the science is, if the presentation is poor it will reflect poorly on the work.**
+
+[The Fight against the 2019-nCoV Outbreak: an Arduous March Has Just Begun](http://dx.doi.org/10.3346/jkms.2020.35.e56)
+Authors: Yoo, Jin-Hong
+Published: 2020-01-30 00:00:00
+Publication: J Korean Med Sci
+Match (0.5744): **What do you expect this nCoV outbreak to be in the future?**
+
+[First two months of the 2019 Coronavirus Disease (COVID-19) epidemic in China: real-time surveillance and evaluation with a second derivative model](https://doi.org/10.1186/s41256-020-00137-4)
+Authors: Chen, Xinguang; Yu, Bin
+Published: 2020-01-01 00:00:00
+Publication: Global Health Research and Policy
+Match (0.5743): **Specifically, what we can do to deal with an outbreak like COVID-19 would be to (1) collect information as early as possible, (2) monitor the epidemic as close as possible just like we do for an earthquake and make preparations for a hurricane and (3) communicate with the society and use confirmed data appropriately reframed not causing or exacerbating fear and panic in the public, stress and distress among medical and public health professionals, as well as administrators to make right decisions and take the right strategies at the right time in the right places for the right people.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5636): **In the above case, though major cities are known to prepare themselves for potential outbreaks, their health policies and protocols are observed to diverge from one another. Thus, without a global collaborative approach, progress towards working for a cure and universally acceptable policy approach can take longer. Such fears, of a lack of international collaboration, were highlighted by the World Health Organization (WHO) during an emergency meeting in Geneva on 22nd January 2020 to determine whether the virus outbreak had reached a level warranting international emergency concern. However, WHO was satisfied that China was being proactive in this case, unlike in 2002, when China withheld information on the outbreak for far too long, causing delays in addressing the epidemic [3] . As in this instance, it is the opinion in this paper that if there was seamless collaboration and seamless sharing of data between different cities, it would not warrant such a high-level meeting to result in action, and instead, a decision could have been made much earlier. On this, the saddest part is that some global cities are less prepared to handle the challenges posed by this type of outbreak for lack of information on issues like symptoms of the virus, the protective measures to be taken, and the treatment procedures that an infected person should be processed through, amongst other issues.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5629): **iii) Decreasing the human-to-human transmission. This is obviously a crucial measure to stop the current outbreak, and rightfully attracts the most attention at the present time. This review does not aspire to cover the large subject of human-to-human transmission control, but also here a mixture of measures is important from strictly medical (transmission routes, efficiency of PPE, vaccines, antivirals and so on) to more social science-oriented (How do people behave when they suspect they could be infected? How do they behave when they are sick? How to potentially change these behaviours?).**
+
+[A Novel Approach of Consultation on 2019 Novel Coronavirus (COVID-19)-Related Psychological and Mental Problems: Structured Letter Therapy](http://dx.doi.org/10.30773/pi.2020.0047)
+Authors: Xiao, Chunfeng
+Published: 2020-02-25 00:00:00
+Publication: Psychiatry Investig
+Match (0.5621): **2) Do you have any underlying disease that you think is necessary to tell your counselor or psychiatrist specifically?**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5564): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[Crowdsourcing data to mitigate epidemics](https://doi.org/10.1016/S2589-7500(20)30055-8)
+Authors: Leung, Gabriel M.; Leung, Kathy
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Digital Health
+Match (0.5545): **In this era of smartphone and their accompanying applications, the authorities are required to combat not only the epidemic per se, but perhaps an even more sinister outbreak of fake news and false rumours, a socalled infodemic. The most obvious consequences of an infodemic are, at best, a noisy cacophony that confuses and can provoke irrational fear, even mass panic, and ultimately imposes a destabilising effect on society when precisely the opposite is required. The images of empty supermarket shelves in the most open free-trade economies of Singapore and Hong Kong, where fewer than 100 cases have been reported to date, provide a salutary reminder of the potential impact of such infodemics. Another example is the worldwide shortage of and some national export bans on face masks. Creating a resource such as Sun and colleagues have compiled in their work would allow scientists and lay observers alike to quickly fill knowledge vacuums that would otherwise fuel infodemics.**
+
+# Research on the economic impact of this or any pandemic. This would include identifying policy and programmatic alternatives that lessen/mitigate risks to critical government services, food distribution and supplies, access to critical household supplies, and access to health diagnoses, treatment, and needed care, regardless of ability to pay. +[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7353): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6740): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6505): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6505): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6402): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6315): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6307): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6290): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6235): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.6234): **Many participants indicated that the recent enforcement of wildlife protection laws, as well as gun control policies, has significantly reduced the wildlife hunting, trading or consumption activities. Free or low-priced vaccines for domestic animals were provided by the government, but a lack of access to vaccines in rural areas was reported as one of the main risks associated with raising animals in the household. Participants discussed community healthcare facilities and health insurance, including the national immunization programme for children, as providing accessible protection and preventative services to the local population. Public education about rabies was reported as an example of a zoonotic disease prevention programme that had improved local awareness of the need for protective measures and postexposure treatment. However, the lack of management plans to address human animal conflicts in local communities as discussed by some participants brings potential zoonotic risks (Box 3) (Supplementary Data II).**
+
diff --git a/tasks/interventions.txt b/tasks/interventions.txt new file mode 100644 index 0000000..1149954 --- /dev/null +++ b/tasks/interventions.txt @@ -0,0 +1,8 @@ +Guidance on ways to scale up NPIs in a more coordinated way (e.g., establish funding, infrastructure and authorities to support real time, authoritative (qualified participants) collaboration with all states to gain consensus on consistent guidance and to mobilize resources to geographic areas where critical shortfalls are identified) to give us time to enhance our health care delivery system capacity to respond to an increase in cases. +Rapid design and execution of experiments to examine and compare NPIs currently being implemented. DHS Centers for Excellence could potentially be leveraged to conduct these experiments. +Rapid assessment of the likely efficacy of school closures, travel bans, bans on mass gatherings of various sizes, and other social distancing approaches. +Methods to control the spread in communities, barriers to compliance and how these vary among different populations.. +Models of potential interventions to predict costs and benefits that take account of such factors as race, income, disability, age, geographic location, immigration status, housing status, employment status, and health insurance status. +Policy changes necessary to enable the compliance of individuals with limited resources and the underserved with NPIs. +Research on why people fail to comply with public health advice, even if they want to do so (e.g., social or financial costs may be too high). +Research on the economic impact of this or any pandemic. This would include identifying policy and programmatic alternatives that lessen/mitigate risks to critical government services, food distribution and supplies, access to critical household supplies, and access to health diagnoses, treatment, and needed care, regardless of ability to pay. \ No newline at end of file diff --git a/tasks/medical-care.md b/tasks/medical-care.md new file mode 100644 index 0000000..ff55971 --- /dev/null +++ b/tasks/medical-care.md @@ -0,0 +1,911 @@ +# Resources to support skilled nursing facilities and long term care facilities. + +[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.6577): **All health care personnel, trainees, and support staff should be trained in infection control management and containment to prevent spread of the SARS virus. 10. Regional health authorities in conjunction with hospital staff should consider designating specific facilities or health care units, including primary, secondary, or tertiary health care centers, to care for patients with SARS or similar illnesses."**
+
+[Novel coronavirus infection during the 2019–2020 epidemic: preparing intensive care units—the experience in Sichuan Province, China](https://doi.org/10.1007/s00134-020-05954-2)
+Authors: Liao, Xuelian; Wang, Bo; Kang, Yan
+Published: 2020-01-01 00:00:00
+Publication: Intensive Care Medicine
+Match (0.5962): **It is very important to make all staff aware of the public health significance of the epidemic, and of potential challenges in achieving disease control. Strict isolation and protection measures are a top priority. Training content Fig. 1 Early warning score and rules for 2019-nCoV infected patients. *CCRRT: Critical Care Rapid Response Team includes hand and respiratory hygiene, use of PPE, safe waste management, environmental cleaning, and sterilization of patient-care equipment [6] . We educate and train staff by means of presentations, short videos, WeChat, and supervision to ensure that staff are following the correct procedures.**
+
+[Evaluation of the clinical characteristics of suspected or confirmed cases of COVID-19 during home care with isolation: A new retrospective analysis based on O2O](https://doi.org/doi.org/10.1101/2020.02.26.20028084)
+Authors: Hui Xu; Sufang Huang; Shangkun Liu; Juan Deng; Bo Jiao; Ling Ai; Yaru Xiao; Li Yan; Shusheng Li
+Published: 2020-02-29 00:00:00
+Match (0.5919): **The recent outbreak of the novel coronavirus in December 2019 (COVID-19) has activated top-level response nationwide and has been classified as a public health emergency of international concern (PHIEC) by the World Health Organization (WHO). 1 By 24:00 on February 16, 2020, 70,548 confirmed cases, 10,644 severe cases, 1,770 deaths, and 546,016 close contact cases have been identified in 31 provinces (autonomous regions and municipalities) and the Xinjiang Production and Construction Corps of China. 2 The SARS-CoV-2-induced pneumonia has rapidly spread from Wuhan to 21 other countries, including the United States, Japan, Italy and Germany 3, 4 , demonstrating high levels of infectivity and pathogenicity. [5] [6] [7] The fever clinic of Tongji hospital in Wuhan has been the center of this outbreak. During the early phase of this outbreak, a large number of patients poured into the fever clinic, which far exceeded the medical resources that the hospital could equip. The medical staff were obviously insufficient to cope with it, and were prone to a wide range of cross-infection between doctors and patients. Based on this situation many patients had to be quarantined at home due to objective reasons and could not receive effective medical guidance. Therefore, we developed a new treatment method based on the online-to-offline (O2O) business model 8 for close contact, suspected (currently known as clinical diagnosis) and confirmed patients that were under quarantine. We developed a medical observation scale according to the patients' first symptoms and new symptoms which can be filled out by the patients on their smartphones or computers. Our online multidisciplinary team (medicine, rehabilitation, psychology and nursing) can then provide guidance and advice for patients based on the subjective changes in their symptoms. This method ensures that the patients follow an orderly treatment-seeking strategy that begins from their home and extends to the community and finally to the hospital. Our strategy not only helps relief the problem of scarce medical resources and reduce unnecessary cross-infection in hospitals, but it also increases people's self-management ability and cooperation and encourages them to participate in health monitoring. In addition, in accordance with the guidelines of home care for isolation patients issued by WHO 9 , the infection of family members was not increased during the strict self-isolation at home in this study.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5745): **The rapid spread of Coronavirus disease 2019 (COVID-19) presents China with a critical challenge. As normal capacity of the Chinese hospitals is exceeded, healthcare professionals struggling to manage this unprecedented crisis face the difficult question of how best to coordinate the medical resources used in highly separated locations. Many cities in China have been imposing a lockdown, due to the high risk of infection and the characteristic of human-to-human transmission 1 . Not only have patients been marginalized, but many clinicians working in the regional hospitals have limited access to the specialist consultations and treatment guidelines they need from provincial-level hospitals to manage pneumonia cases caused by COVID-19. As long as the crisis continues, simply relying on the traditional communicative practices, such as physician office visit or face-to-face consultations within the health professional network, could pose significant costs and health concerns.**
+
+[Novel coronavirus infection during the 2019–2020 epidemic: preparing intensive care units—the experience in Sichuan Province, China](https://doi.org/10.1007/s00134-020-05954-2)
+Authors: Liao, Xuelian; Wang, Bo; Kang, Yan
+Published: 2020-01-01 00:00:00
+Publication: Intensive Care Medicine
+Match (0.5723): **WCH is a teaching hospital with 4300 total beds and 8 ICUs of total 206 ICU beds. Under normal conditions, the ICU bed usage is always above 90%. It was not appropriate to treat 2019-nCoV-infected patients in the central area because the large stream of people would have a negative impact on infection control measures to curb the spread of the infection. The hospital authorities decided to vacate 402 beds belonging to the Center of Infectious Disease and the adjacent Fifth Inpatient Building so that both are separated from the rest of the inpatient buildings in WCH (Supplementary Figure 1) . Based on the initial data [1, 2] and taking into consideration the surge of critically ill patients, we plan to equip 50 ICU beds initially and adjust on the number of patients, as necessary. We made a list of requirements for other special medical equipment, such as ventilators, bronchoscopes, hemodialysis machines, ultrasound machines, standard personal protective equipment (PPE), and sterilizing equipment. During this epidemic period, a large amount of certified PPE, including medical masks, goggles, face shields, and waterproof isolation gowns, is required. Manufactures of the items on the requirement list were contracted and we drew up an advertisement to the society calling for donations to ensure sufficient supplies.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5676): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02.20.20025957 doi: medRxiv preprint Our ETCS has demonstrated substantial benefits in terms of the effectiveness of consultations and remote patient monitoring, multidisciplinary care, and prevention education and training. First, 63 severe cases and 591 patients with mild and moderate respiratory infections received telemedicine consultations through the ETCS between January 28, 2020 and February 17, 2020. As of February 17, 2020, 420 cases had been cured and discharged from the hospitals. Second, in the isolation wards, the mobile telemedicine device effectively collects, transforms, and evaluates patient health data such as blood pressure, oxygen level, and respiratory rate, and reports them to the care team. This facilitates the avoidance of direct physical contact, thus reducing the risk of exposure to respiratory secretions and preventing the potential transmission of infection to physicians and nurses. Third, the specialist treatment team includes specialists from different clinical disciplines, and can therefore offer comprehensive assessment and treatment. Meanwhile, nurse care managers and social workers can be involved strategically to help patients with pneumonia obtain post-treatment care to avoid coronavirus re-infection. Fourth, the specialist treatment team provides primary care guidance on coronavirus (e.g., clinical criteria for COVID-19 diagnosis, patient transfers, and cleaning process) to all physicians and nurses at 126 connected hospitals via video conference. Substantial efforts are devoted to training physicians and nurses, many of whom are new to the treatment of coronavirus infections. Figure 2 . System performance of ETCS during the COVID-19 outbreak presented by the number of confirmed cases, the number of connected hospitals with ETCS, the number of consulted cases through ETCS, and the number of severe patients reported through ETCS Notes: 1.28 and 2.17 in the chart refer to January 28, 2020 and February 17, 2020 respectively. The number of consulted cases through ETCS refers to the number of consultations provided by the provincial specialist treatment team to the municipal and county hospitals, excluding the consultations provided by the municipal hospitals to the county hospitals.**
+
+[Mental health care for medical staff in China during the COVID-19 outbreak](https://doi.org/10.1016/S2215-0366(20)30078-X)
+Authors: Chen, Qiongni; Liang, Mining; Li, Yamin; Guo, Jincai; Fei, Dongxue; Wang, Ling; He, Li; Sheng, Caihua; Cai, Yiwen; Li, Xiaojuan; Wang, Jianjian; Zhang, Zhanzhou
+Publication: The Lancet Psychiatry
+Match (0.5532): **Mental health care for medical staff in China during the COVID-19 outbreak**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5529): **This guideline is suitable for frontline doctors and nurses, managers of hospitals and healthcare sections, healthy community residents, personnel in public healthcare, relevant researchers, and all persons who are interested in the 2019-nCoV management.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5529): **This guideline is suitable for frontline doctors and nurses, managers of hospitals and healthcare sections, healthy community residents, personnel in public healthcare, relevant researchers, and all persons who are interested in the 2019-nCoV management.**
+
+[Critical care response to a hospital outbreak of the 2019-nCoV infection in Shenzhen, China](https://doi.org/10.1186/s13054-020-2786-x)
+Authors: Liu, Yong; Li, Jinxiu; Feng, Yongwen
+Published: 2020-01-01 00:00:00
+Publication: Critical Care
+Match (0.5524): **2019-nCoV patients should be admitted to singlebedded, negative pressure rooms in isolated units with intensive care and monitoring [2] . Clinical engineering should have plans to reconstruct standard rooms [2] . Retrofitting the rooms with externally exhausted HEPA filters may be an expedient solution. Also, the general hospital may consider procedures such as suspending elective surgeries, canceling ambulatory clinics and outpatient diagnostic procedures, transferring patients to other institutions, and restricting hospital visitors [2] . More importantly, because the hospitals' ability to respond to the outbreak largely depends on their available ICU beds, the plan to increase ICU bed capacity needs to be determined.**
+
+# Mobilization of surge medical staff to address shortages in overwhelmed communities + +[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6805): **In conclusion, there are a number of urgent research priorities to inform the public health response to the global spread of 2019-nCoV infections. Establishing robust estimates of the clinical severity of infections is probably the most pressing, because flattening out the surge in hospital admissions would be essential if there is a danger of hospitals becoming overwhelmed with patients who require inpatient care, not only for those infected with 2019-nCoV but also for urgent acute care of patients with other conditions including those scheduled for procedures and operations. In addressing the research gaps identified here, there is a need for strong collaboration of a competent corps of epidemiological scientists and public health workers who have the flexibility to cope with the surge capacity required, as well as support from laboratories that can deliver on the ever rising demand for diagnostic tests for 2019-nCoV and related sequelae. The readiness survey by Reusken et al. in this issue of Eurosurveillance testifies to the rapid response and capabilities of laboratories across Europe should the outbreak originating in Wuhan reach this continent [23] .**
+
+[Wuhan coronavirus (2019-nCoV): The need to maintain regular physical activity while taking precautions](https://doi.org/10.1016/j.jshs.2020.02.001)
+Authors: Chen, Peijie; Mao, Lijuan; Nassis, George P.; Harmer, Peter; Ainsworth, Barbara E.; Li, Fuzhong
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.6441): **medical staff, a lack of clinics that can handle and treat infected patients, and high demands for face masks for protection. The Chinese central government is working with extraordinary diligence to mobilize resources, including building new hospitals and developing new coronavirus vaccine, as well as sending medical experts and clinicians to the city of Wuhan 10 to help contain the highly transmittable virus outbreak from spreading further.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6244): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6209): **The rapid spread of Coronavirus disease 2019 (COVID-19) presents China with a critical challenge. As normal capacity of the Chinese hospitals is exceeded, healthcare professionals struggling to manage this unprecedented crisis face the difficult question of how best to coordinate the medical resources used in highly separated locations. Many cities in China have been imposing a lockdown, due to the high risk of infection and the characteristic of human-to-human transmission 1 . Not only have patients been marginalized, but many clinicians working in the regional hospitals have limited access to the specialist consultations and treatment guidelines they need from provincial-level hospitals to manage pneumonia cases caused by COVID-19. As long as the crisis continues, simply relying on the traditional communicative practices, such as physician office visit or face-to-face consultations within the health professional network, could pose significant costs and health concerns.**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.6107): **Since December 2019, Wuhan and gradually other places of China have experienced an outbreak of pneumonia epidemic caused by the 2019 novel coronavirus (2019-nCoV, later named SARS-CoV-2). 1 The World Health Organization has declared the current outbreak of COVID-19 in China as a Public Health Emergency of International Concern. As of 10:00 Feb 13, 2020, the epidemic has caused 1366 deaths out of 59 834 confirmed and 16 067 suspected cases. 2 Some unprecedented measures were taken to stop the spread of the virus including cancelling of gatherings, extending the Chinese New Year holidays, and limiting the number of people in public places (e.g. train stations and airports). The outbreak itself and the control measures may lead to widespread fear and panic, especially stigmatization and social exclusion of confirmed patients, survivors and relations, which may escalate into further negative psychological reactions including adjustment disorder and depression. [3] [4] [5] Sudden outbreaks of public health events always pose huge challenges to the mental health service system. Examples include the HIV/AIDS epidemic that captivated world attention in the 1980s and 1990s, the severe acute respiratory syndrome (SARS) in 2002 and 2003, the H1N1 influenza pandemic of 2009, the Ebola virus outbreak in 2013, and the Zika virus outbreak in 2016. 6 During these epidemics, the consequences on the psychosocial wellbeing of at-risk communities are sometimes largely overlooked, especially in the Ebola-affected regions, where few measures were taken to address the mental health needs of confirmed patients, their families, medical staffs or general population. 7 The absence of mental health and psychosocial support systems and the lack of well-trained psychiatrists and/or psychologists in these regions increased the risks of psychological distress and progression to psychopathology. 8 The lack of effective mental health systems added to the poverty in Sierra Leone and Liberia. 9 In China, the mental health service system has been greatly improved after several major disasters, especially the Wenchuan earthquake. In the process of dealing with group crisis intervention, various forms of psychosocial intervention services have been developed, including the intervention model of expert-coach-teacher collaboration after the Wenchuan earthquake 10 and the equilibrium psychological intervention on people injured in the disaster incident after the Lushan earthquake. 11 With the support for remote psychological intervention provided by the development of Internet technology, especially the widespread application of 4G or 5G networks and smartphones, we developed a new intervention model to handle the present COVID-19 public health event. This new model, one of West China Hospital, integrates physicians, psychiatrists, psychologists and social workers into Internet platforms.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6095): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6095): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5981): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Critical care response to a hospital outbreak of the 2019-nCoV infection in Shenzhen, China](https://doi.org/10.1186/s13054-020-2786-x)
+Authors: Liu, Yong; Li, Jinxiu; Feng, Yongwen
+Published: 2020-01-01 00:00:00
+Publication: Critical Care
+Match (0.5966): **The main challenge may include (1) early identification of outbreak, (2) rapid expansion of patients, (3) high risk of nosocomial transmission, (4) unpredictability of size impacted, and (5) lack of backup resource. These challenges have caused severe shortage of healthcare workers, medical materials, and beds with isolation. The Spring Festival holiday has greatly aggravated the shortage of human resources and heavy traffic flow due to the vacation of healthy workers and factory workers, which further magnified the risk of transmission. The key point is to discriminate the infectious disease outbreak from regular clustering cases of flu-like diseases at early stage. There is a trade-off between false alarm causing population panic and delayed identification leading to social crisis.**
+
+[Critical care response to a hospital outbreak of the 2019-nCoV infection in Shenzhen, China](https://doi.org/10.1186/s13054-020-2786-x)
+Authors: Liu, Yong; Li, Jinxiu; Feng, Yongwen
+Published: 2020-01-01 00:00:00
+Publication: Critical Care
+Match (0.5966): **The main challenge may include (1) early identification of outbreak, (2) rapid expansion of patients, (3) high risk of nosocomial transmission, (4) unpredictability of size impacted, and (5) lack of backup resource. These challenges have caused severe shortage of healthcare workers, medical materials, and beds with isolation. The Spring Festival holiday has greatly aggravated the shortage of human resources and heavy traffic flow due to the vacation of healthy workers and factory workers, which further magnified the risk of transmission. The key point is to discriminate the infectious disease outbreak from regular clustering cases of flu-like diseases at early stage. There is a trade-off between false alarm causing population panic and delayed identification leading to social crisis.**
+
+# Age-adjusted mortality data for Acute Respiratory Distress Syndrome (ARDS) with/without other organ failure – particularly for viral etiologies + +[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.7558): **Most common complications are: 1) acute respiratory distress syndrome; 2) septic shock; 3) acute kidney injury; 4) myocardial injury; 5) secondary bacterial and fungal infections; 6) multiorgan failure [11, 12] . About 14% of identified cases were severe and 4.7% critical [13] .**
+
+[Clinical findings in critical ill patients infected with SARS-Cov-2 in Guangdong Province, China: a multi-center, retrospective, observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030668)
+Authors: Yonghao Xu; Zhiheng Xu; Xuesong Liu; Lihua Cai; Haichong Zheng; Yongbo Huang; Lixin Zhou; Linxi Huang; Yun Lin; Liehua Deng; Jianwei Li; Sibei Chen; Dongdong Liu; Zhimin Lin; Liang Zhou; Weiqun He; Xiaoqing Liu; Yimin Li
+Published: 2020-03-06 00:00:00
+Match (0.7496): **The copyright holder for this preprint (which was not peer-reviewed) is the ECMO were also applied for management of ARDS. In addition, many of our patients developed extrapulmonary organ dysfunction including sepsis shock, acute liver dysfunction, and acute renal injury. As of February 28, 2020, the mortality of our critically ill cases of COVID-19 were 2.2%**
+
+[Clinical characteristics of 82 death cases with COVID-19](https://doi.org/doi.org/10.1101/2020.02.26.20028191)
+Authors: Bicheng Zhang; Xiaoyang Zhou; Yanru Qiu; Fan Feng; Jia Feng; Yifan Jia; Hengcheng Zhu; Ke Hu; Jiasheng Liu; Zaiming Liu; Shihong Wang; Yiping Gong; Chenliang Zhou; Ting Zhu; Yanxiang Cheng; Zhichao Liu; Hongping Deng; Fenghua Tao; Yijun Ren; Biheng Cheng; Ling Gao; Xiongfei Wu; Lilei Yu; Zhixin Huang; Zhangfan Mao; Qibin Song; Bo Zhu; Jun Wang
+Published: 2020-02-27 00:00:00
+Match (0.7470): **We analyzed the causes of mortality of patients with laboratory-confirmed SARS-CoV-2 infection (table 2) . Respiratory failure remained the leading cause of death (69.5%), following by sepsis syndrome/multiple organ dysfunction syndrome (MOF) (28.0%), cardiac failure (14.6%), hemorrhage (6.1%), and renal failure (3.7%).**
+
+[Clinical Characteristics of Two Human to Human Transmitted Coronaviruses: Corona Virus Disease 2019 versus Middle East Respiratory Syndrome Coronavirus.](https://doi.org/doi.org/10.1101/2020.03.08.20032821)
+Authors: Ping Xu; Guo-Dong Sun; Zhi-Zhong Li
+Published: 2020-03-10 00:00:00
+Match (0.7307): **For COVID-19 population, the main complications included shock, arrhythmia, acute respiratory distress syndrome (ARDS), acute cardiac injury, acute kidney injury and acute . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Pathological findings of COVID-19 associated with acute respiratory distress syndrome](https://doi.org/10.1016/S2213-2600(20)30076-X)
+Authors: Xu, Zhe; Shi, Lei; Wang, Yijin; Zhang, Jiyuan; Huang, Lei; Zhang, Chao; Liu, Shuhong; Zhao, Peng; Liu, Hongxia; Zhu, Li; Tai, Yanhong; Bai, Changqing; Gao, Tingting; Song, Jinwen; Xia, Peng; Dong, Jinghui; Zhao, Jingmin; Wang, Fu-Sheng
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Respiratory Medicine
+Match (0.7235): **Pathological findings of COVID-19 associated with acute respiratory distress syndrome**
+
+[Gender differences in patients with COVID-19: Focus on severity and mortality](https://doi.org/doi.org/10.1101/2020.02.23.20026864)
+Authors: Jian-Min Jin; Peng Bai; Wei He; Fei Wu; Xiao-Fang Liu; De-Min Han; Shi Liu; Jin-Kui Yang
+Published: 2020-02-25 00:00:00
+Match (0.7140): **High-throughput sequencing has revealed a novel β -coronavirus that is currently named as severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) 1 , which resembled severe acute respiratory syndrome coronavirus (SARS-CoV) 2 . Most patients with COVID-19 were mild. Moderate patients often experienced dyspnea after one week. Severe patients progressed rapidly to critical conditions including acute respiratory distress syndrome (ARDS), acute respiratory failure, coagulopathy, septic shock, and metabolic acidosis.**
+
+[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](https://doi.org/doi.org/10.1101/2020.02.27.20028027)
+Authors: Li Yan; Hai-Tao Zhang; Yang Xiao; Maolin Wang; Chuan Sun; Jing Liang; Shusheng Li; Mingyang Zhang; Yuqi Guo; Ying Xiao; Xiuchuan Tang; Haosen Cao; Xi Tan; Niannian Huang; Bo Jiao; Ailin Luo; Zhiguo Cao; Hui Xu; Ye Yuan
+Published: 2020-03-01 00:00:00
+Match (0.7084): **The most common fatal complication of COVID-19 is acute respiratory distress syndrome (ARDS). Although the pathological features of COVID-19 are very similar to those by acute respiratory distress syndrome(SARS) and Middle East respiratory distress syndrome (MERS) [7] , it is known from the latest systematic anatomy that pulmonary fibrosis and consolidation by COVID-19 patients are not as serious as those caused by SARS, but the exudative reaction is more severe than that of SARS [8] .**
+
+[Clinical characteristics of 101 non-surviving hospitalized patients with COVID-19: A single center, retrospective study](https://doi.org/doi.org/10.1101/2020.03.04.20031039)
+Authors: Qiao Shi; Kailiang Zhao; Jia Yu; Jiarui Feng; Kaiping Zhao; Xiaoyi Zhang; Xiaoyan Chen; Peng Hu; Yupu Hong; Man Li; Fang Liu; Chen Chen; Weixing Wang
+Published: 2020-03-06 00:00:00
+Match (0.7063): **Common symptoms at onset of COVID-19 were fever, dry cough, myalgia, fatigue etc. [5, 13] . In our cohort, we observed that, besides fever and cough, dyspnea (58.42%) presented early in most non-survivors with confirmed COVID-19, similar finding has also been observed in critically ill patients reported by Yang etc. [14] . In these non-survivors, featured complications during hospitalization including ARDS and respiratory failure, acute cardiac injury (ACI), AKI, acute liver injury (ALI) and abnormal coagulation. In terms of SARS, severe respiratory failure was the leading cause of mortality, with little other organ failure [15] . It is surprised that we observed 52.48% and 22.77% non-survivors suffered heart failure and AKI, respectively.**
+
+[Clinical significance of IgM and IgG test for diagnosis of highly suspected COVID-19 infection](https://doi.org/doi.org/10.1101/2020.02.28.20029025)
+Authors: Xingwang Jia; Pengjun Zhang; Yaping Tian; Junli Wang; Huadong Zeng; Jun Wang; Liu Jiao; Zeyan Chen; Lijun Zhang; Haihong He; Kunlun He; Yajie Liu
+Published: 2020-03-03 00:00:00
+Match (0.7024): **In more severe cases, infection can cause pneumonia, severe acute respiratory syndrome, kidney failure, and even death. There is currently no specific treatment for diseases caused by COVID-19 [3] .**
+
+[Clinical features and progression of acute respiratory distress syndrome in coronavirus disease 2019](https://doi.org/doi.org/10.1101/2020.02.17.20024166)
+Authors: Yanli Liu; Wenwu Sun; Jia Li; Liangkai Chen; Yujun Wang; Lijuan Zhang; Li Yu
+Published: 2020-02-20 00:00:00
+Match (0.6999): **Clinical features and progression of acute respiratory distress syndrome in coronavirus disease 2019**
+
+# Extracorporeal membrane oxygenation (ECMO) outcomes data of COVID-19 patients + +[Clinical characteristics of 2019 novel coronavirus infection in China](https://doi.org/doi.org/10.1101/2020.02.06.20020974)
+Authors: Wei-jie Guan; Zheng-yi Ni; Yu Hu; Wen-hua Liang; Chun-quan Ou; Jian-xing He; Lei Liu; Hong Shan; Chun-liang Lei; David SC Hui; Bin Du; Lan-juan Li; Guang Zeng; Kowk-Yung Yuen; Ru-chong Chen; Chun-li Tang; Tao Wang; Ping-yan Chen; Jie Xiang; Shi-yue Li; Jin-lin Wang; Zi-jing Liang; Yi-xiang Peng; Li Wei; Yong Liu; Ya-hua Hu; Peng Peng; Jian-ming Wang; Ji-yang Liu; Zhong Chen; Gang Li; Zhi-jian Zheng; Shao-qin Qiu; Jie Luo; Chang-jiang Ye; Shao-yong Zhu; Nan-shan Zhong
+Published: 2020-02-09 00:00:00
+Match (0.7909): **Moreover, extracorporeal membrane oxygenation was adopted in 5 severe cases but none in non-severe cases (P<0.001).**
+
+[Extracorporeal membrane oxygenation support in 2019 novel coronavirus disease: indications, timing, and implementation](https://doi.org/10.1097/CM9.0000000000000778)
+Authors: Li, Min; Gu, Si-Chao; Wu, Xiao-Jing; Xia, Jin-Gen; Zhang, Yi; Zhan, Qing-Yuan
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.7839): **Extracorporeal membrane oxygenation support in 2019 novel coronavirus disease: indications, timing, and implementation**
+
+[Clinical features and outcomes of 221 patients with COVID-19 in Wuhan, China](https://doi.org/doi.org/10.1101/2020.03.02.20030452)
+Authors: Guqin Zhang; Chang Hu; Linjie Luo; Fang Fang; Yongfeng Chen; Jianguo Li; Zhiyong Peng; Huaqin Pan
+Published: 2020-03-06 00:00:00
+Match (0.7494): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.02.20030452 doi: medRxiv preprint oseltamivir, arbidol hydrochloride, α-interferon atomization inhalation, and lopinavir/ritonavir), (4) Extracorporeal membrane oxygenation (ECMO) support was used for the patients with refractory hypoxemia that is difficult to be corrected by prone and protective lung ventilation strategy.**
+
+[Preparing for the Most Critically Ill Patients With COVID-19: The Potential Role of Extracorporeal Membrane Oxygenation](https://doi.org/10.1001/jama.2020.2342)
+Authors: MacLaren, Graeme; Fisher, Dale; Brodie, Daniel
+Published: 2020-01-01 00:00:00
+Publication: JAMA
+Match (0.7474): **Preparing for the Most Critically Ill Patients With COVID-19: The Potential Role of Extracorporeal Membrane Oxygenation**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.7284): **The copyright holder for this preprint (which was not peer-reviewed) is the ECMO, extracorporeal membrane oxygenation; ARDS, Acute respiratory distress syndrome; AKI, acute kidney injury; ICU, intensive care unit; other abbreviations the same as those in the footnote of Table 1 .**
+
+[Asymptomatic carrier state, acute respiratory disease, and pneumonia due to severe acute respiratory syndrome coronavirus 2 (SARSCoV-2): Facts and myths](https://doi.org/10.1016/j.jmii.2020.02.012)
+Authors: Lai, Chih-Cheng; Liu, Yen Hung; Wang, Cheng-Yi; Wang, Ya-Hui; Hsueh, Shun-Chung; Yen, Muh-Yen; Ko, Wen-Chien; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.7020): **(3/39), 13 to 13.7% (16/117), 11 among SARS-CoV-2 pneumonia patients reported from three studies. [11] [12] [13] Moreover, patients with pneumonia were more likely to require oxygenation therapy, mechanical ventilator, renal replacement, and extracorporeal membrane oxygenation, and received more antibiotics and antiviral therapy than patients with ARD. Finally, pneumonia was associated with a higher mortality rate than ARD (p <.0001).**
+
+[Extracorporeal membrane oxygenation support in 2019 novel coronavirus disease: indications, timing, and implementation](https://doi.org/10.1097/CM9.0000000000000778)
+Authors: Li, Min; Gu, Si-Chao; Wu, Xiao-Jing; Xia, Jin-Gen; Zhang, Yi; Zhan, Qing-Yuan
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.7019): **Finally, 6 of the 41 patients died. The clinical data of 99 confirmed patients from the same hospital demonstrated that 17 in 99 patients developed ARDS; among them, 3 received ECMO treatment, and 11 died. [4] Another study reported that 22 in 138 cases (16%) developed into ARDS and were admitted into the ICU, of which 4 received ECMO. [5] Rationale ECMO use has been increasing in severe respiratory and/or cardiac failure despite implementation of conventional care. This technology has been proven valuable in treating viral pneumonia during the pandemic influenza A H1N1 in 2009. [6] The epidemics caused by the Middle East respiratory syndrome coronavirus (MERS-CoV) in 2012 led to a fatality rate of up to 34.4%. [7] The therapeutic effect of ECMO should be considered in MERS, whose causes of death during the epidemics were predominantly refractory hypoxemia and multi-organ failure, similar to COVID-19. Alshahrani MS et al [8] reported 35 MERS-CoV infected patients who were critically ill with refractory hypoxemia (partial pressure of arterial oxygen [PaO 2 ]/fraction of inspired oxygen [FiO 2 ] <100 mm Hg), of which 17 had received venous-venous ECMO (VV-ECMO). Compared with that in patients receiving only conventional respiratory care, the fatality of those who had received ECMO was significantly lower (100% vs. 65%). Because the evidence for recovering from COVID-19 with ECMO is extremely limited so far, we can learn from the previous experiences in the treatment of similar severe viral pneumonia cases through retrospective literature review and data analysis.**
+
+[Clinical findings in critical ill patients infected with SARS-Cov-2 in Guangdong Province, China: a multi-center, retrospective, observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030668)
+Authors: Yonghao Xu; Zhiheng Xu; Xuesong Liu; Lihua Cai; Haichong Zheng; Yongbo Huang; Lixin Zhou; Linxi Huang; Yun Lin; Liehua Deng; Jianwei Li; Sibei Chen; Dongdong Liu; Zhimin Lin; Liang Zhou; Weiqun He; Xiaoqing Liu; Yimin Li
+Published: 2020-03-06 00:00:00
+Match (0.6938): **There were 13 (28.9%) patients treated with high-flow nasal cannula, 6 (13.3%) with non-invasive mechanical ventilation, 20 (44.4%) with invasive mechanical ventilation. For patients with intubation, tidal volumes of 7.0 mL/kg predicted body weight was applied in accordance with lung protective ventilation strategy (17) . Recruitment maneuvers were administered in 6 patients (13.3%). A total of 5 patients (11.1%) received prone position ventilation. In addition, extracorporeal membrane oxygenation (ECMO) and continuous renal replacement therapy (CRRT) was applied in 9 (20.0%) and 4 (8.9%) patients, respectively. There were 15 (33.3%) patients administrated with vasoconstrictive agents, 19 (42.2%) with sedation and analgesia and 8 (17.8%) with neuromuscular blocking agents (table 4).**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6826): **Respiratory support: apply noninvasive mechanical ventilation for two hours, if the condition is not improved, or the patient is intolerable to noninvasive ventilation, accompanied with increased airway secretions, severe coughing, or unstable hemodynamics, the patient should be transferred to invasive mechanical ventilation in time. The "lung-protective ventilation strategy" with low tidal volume should be adopted in invasive mechanical ventilation to reduce ventilator-associated lung injury. If necessary, ventilation in the prone position, recruitment maneuver, or extracorporeal membrane oxygenation (ECMO) can be used. C.**
+
+[A descriptive study of the impact of diseases control and prevention on the epidemics dynamics and clinical features of SARS-CoV-2 outbreak in Shanghai, lessons learned for metropolis epidemics prevention](https://doi.org/doi.org/10.1101/2020.02.19.20025031)
+Authors: Hongzhou Lu; Jingwen Ai; Yinzhong Shen; Yang Li; Tao Li; Xian Zhou; Haocheng Zhang; Qiran Zhang; Yun Ling; Sheng Wang; Hongping Qu; Yuan Gao; Yingchuan Li; Kanglong Yu; Duming Zhu; Hecheng Zhu; Rui Tian; Mei Zeng; Qiang Li; Yuanlin Song; Xiangyang Li; Jinfu Xu; Jie Xu; Enqiang Mao; Bijie Hu; Xin Li; Lei Zhu; Wenhong Zhang
+Published: 2020-02-23 00:00:00
+Match (0.6607): **One of the critically ill patients was complicated with sepsis, two were treated with 240 continuous renal replacement therapies, three patients were on extra-corporeal membrane 241 oxygenation, and one patient recovered from severe disease to moderate condition. 242**
+
+# Outcomes data for COVID-19 after mechanical ventilation adjusted for age. + +[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6304): **Respiratory support: apply noninvasive mechanical ventilation for two hours, if the condition is not improved, or the patient is intolerable to noninvasive ventilation, accompanied with increased airway secretions, severe coughing, or unstable hemodynamics, the patient should be transferred to invasive mechanical ventilation in time. The "lung-protective ventilation strategy" with low tidal volume should be adopted in invasive mechanical ventilation to reduce ventilator-associated lung injury. If necessary, ventilation in the prone position, recruitment maneuver, or extracorporeal membrane oxygenation (ECMO) can be used. C.**
+
+[Clinical findings in critical ill patients infected with SARS-Cov-2 in Guangdong Province, China: a multi-center, retrospective, observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030668)
+Authors: Yonghao Xu; Zhiheng Xu; Xuesong Liu; Lihua Cai; Haichong Zheng; Yongbo Huang; Lixin Zhou; Linxi Huang; Yun Lin; Liehua Deng; Jianwei Li; Sibei Chen; Dongdong Liu; Zhimin Lin; Liang Zhou; Weiqun He; Xiaoqing Liu; Yimin Li
+Published: 2020-03-06 00:00:00
+Match (0.6187): **There were 13 (28.9%) patients treated with high-flow nasal cannula, 6 (13.3%) with non-invasive mechanical ventilation, 20 (44.4%) with invasive mechanical ventilation. For patients with intubation, tidal volumes of 7.0 mL/kg predicted body weight was applied in accordance with lung protective ventilation strategy (17) . Recruitment maneuvers were administered in 6 patients (13.3%). A total of 5 patients (11.1%) received prone position ventilation. In addition, extracorporeal membrane oxygenation (ECMO) and continuous renal replacement therapy (CRRT) was applied in 9 (20.0%) and 4 (8.9%) patients, respectively. There were 15 (33.3%) patients administrated with vasoconstrictive agents, 19 (42.2%) with sedation and analgesia and 8 (17.8%) with neuromuscular blocking agents (table 4).**
+
+[Clinical features and outcomes of 221 patients with COVID-19 in Wuhan, China](https://doi.org/doi.org/10.1101/2020.03.02.20030452)
+Authors: Guqin Zhang; Chang Hu; Linjie Luo; Fang Fang; Yongfeng Chen; Jianguo Li; Zhiyong Peng; Huaqin Pan
+Published: 2020-03-06 00:00:00
+Match (0.5847): **Of the 55 severe COVID-19 patients, 44 (80%) of them were admitted to the ICU due to combined moderate or severe ARDS, requiring non-invasive or invasive mechanical ventilation therapy. The median time from onset of symptoms to ICU admission was 10 .0 days (IQR, 7-13) ( Table 3) . On the day of ICU admission, the median GCS, All rights reserved. No reuse allowed without permission.**
+
+[Clinical features and sexual transmission potential of SARS-CoV-2 infected female patients: a descriptive study in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.26.20028225)
+Authors: Pengfei Cui; Zhe Chen; Tian Wang; Jun Dai; Jinjin Zhang; Ting Ding; Jingjing Jiang; Jia Liu; Cong Zhang; Wanying Shan; Sheng Wang; Yueguang Rong; Jiang Chang; Xiaoping Miao; Xiangyi Ma; Shixuan Wang
+Published: 2020-02-27 00:00:00
+Match (0.5687): **Most of the patients received oxygen by mask or nasal catheter. Only 2 (5·7%) patients received non-invasive ventilation with bilevel positive airway pressure (BiPAP), and they were free of BiPAP on the day we collected the samples. No patient received Invasive ventilation ( Table 2 ). By the end of Feb 22, 1 (2·9%) patient had been discharged, and all other patients were still in the hospital ( Table 1) .**
+
+[Epidemiological and clinical features of 291 cases with coronavirus disease 2019 in areas adjacent to Hubei, China: a double-center observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030353)
+Authors: Xu Chen; Fang Zheng; Yanhua Qing; Shuizi Ding; Danhui Yang; Cheng Lei; Zhilan Yin; Xianglin Zhou; Dixuan Jiang; Qi Zuo; Jun He; Jianlei Lv; Ping Chen; Yan Chen; Hong Peng; Honghui Li; Yuanlin Xie; Jiyang Liu; Zhiguo Zhou; Hong Luo
+Published: 2020-03-06 00:00:00
+Match (0.5680): **critical type: any one condition of the followings: (1) respiratory failure need mechanical ventilation;**
+
+[Comorbidity and its impact on 1,590 patients with COVID-19 in China: A Nationwide Analysis](https://doi.org/doi.org/10.1101/2020.02.25.20027664)
+Authors: Wei-jie Guan; Wen-hua Liang; Yi Zhao; Heng-rui Liang; Zi-sheng Chen; Yi-min Li; Xiao-qing Liu; Ru-chong Chen; Chun-li Tang; Tao Wang; Chun-quan Ou; Li Li; Ping-yan Chen; Ling Sang; Wei Wang; Jian-fu Li; Cai-chen Li; Li-min Ou; Bo Cheng; Shan Xiong; Zheng-yi Ni; Yu Hu; Jie Xiang; Lei Liu; Hong Shan; Chun-liang Lei; Yi-xiang Peng; Li Wei; Yong Liu; Ya-hua Hu; Peng Peng; Jian-ming Wang; Ji-yang Liu; Zhong Chen; Gang Li; Zhi-jian Zheng; Shao-qin Qiu; Jie Luo; Chang-jiang Ye; Shao-yong Zhu; Lin-ling Cheng; Feng Ye; Shi-yue Li; Jin-ping Zheng; Nuo-fu Zhang; Nan-shan Zhong; Jian-xing He
+Published: 2020-02-27 00:00:00
+Match (0.5608): **Shown in the figure are the hazards ratio (HR) and the 95% confidence interval (95%CI) for the risk factors associated with the composite endpoints (admission to intensive care unit, invasive ventilation, or death). The comorbidities were classified according to the organ systems as well as the number.**
+
+[Personal knowledge on novel coronavirus pneumonia](https://doi.org/10.1097/CM9.0000000000000757)
+Authors: Kang, Han-Yujie; Wang, Yi-Shan; Tong, Zhao-Hui
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5603): **Despite the numerous RCTs on ARDS in the last 30 years, there has been no significant reduction in ARDS mortality. ARDS caused by 2019-nCoV appears to be more severe than that observed routinely. In this outbreak of NCP, the majority of critically ill patients have been aged 50 years and above, with a large number of them aged 70-80 years. These patients often had underlying diseases such as hypertension, diabetes, and coronary heart diseases, with some having multiple underlying diseases. Therefore, we suggest that patients with an oxygenation index below 150 mmHg after being treated with non-invasive ventilation for 2 hours with an FiO 2 of 1.0 or a relatively high FiO 2 should receive endotracheal intubation as soon as possible to enable invasive ventilation. WHO' interim guidance also suggested that HFNC and NIV should only be used in selected patients with hypoxemic respiratory failure, and patients treated with either HFNC or NIV should be closely monitored for clinical deterioration. [7] If oxygenation index remains below 100 mmHg after invasive ventilation for 24 hours with high positive end-expiratory pressure (PEEP) in prone position, ECMO should be used promptly. This is consistent with the recommendations of Chinese Society of Extracorporeal Life Support. [9] The 5th edition of "Novel Coronavirus Pneumonia Diagnosis and Treatment Protocol" also recommended that endotracheal intubation and invasive mechanical ventilation should be performed promptly if the condition does not improve or even deteriorate within a short period of time (1 to 2 hours) when using HFNC or NIV, and in case invasive mechanical ventilation in prone position is ineffective, ECMO should be performed at the earliest if possible. [8] The use of personal experiences to guide treatment is not recommended. **
+
+[Clinical Characteristics of SARS-CoV-2 Pneumonia Compared to Controls in Chinese Han Population](https://doi.org/doi.org/10.1101/2020.03.08.20031658)
+Authors: Yang Xu; Yi-rong Li; Qiang Zeng; Zhi-bing Lu; Yong-zhe Li; Wei Wu; Sheng-yong Dong; Gang Huang; Xing-huan Wang
+Published: 2020-03-10 00:00:00
+Match (0.5460): **By the end of February 29, three (4.3%) patients have been discharged; one (1.5%) patient had died; one (1.5%) patient had recovery; 64 patients were still in hospital (Table 1) . Among the 25 patients with severe or critical disease, a primary composite end-point event occurred in 5 patients (20.0%), including 12.0% who were underwent non-invasive mechanical ventilation, 8.0% who underwent invasive mechanical ventilation, and 4.0% who died (Table 1) .**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.5422): **Treatment regiments were classified into three categories depends on the severity of the disease: (1) For mild to moderate disease, the major treatment is supportive therapy [21] ; (2) for severe disease, oxygen inhalation through mask, high nasal oxygen flow inhalation, or non-invasive ventilation is needed. Careful and dynamic evaluation of patients oximeter and Chest imaging as well as laboratory examination is important; (3) for very severe disease, protective mechanical ventilation after tracheal intubation is required, and prone position ventilation followed if P/F ratio not improved, and eventually extracorporeal membrane oxygenation (ECMO) might be implemented if prone position plus mechanical ventilation did not work. Notably, the anxiety and depression of patients need to be consideration. We should not only pay attention to disease treatment, but also the mental issues of patients.**
+
+[Transmission and clinical characteristics of coronavirus disease 2019 in 104 outside-Wuhan patients, China](https://doi.org/doi.org/10.1101/2020.03.04.20026005)
+Authors: Chengfeng Qiu; Qian Xiao; Xin Liao; Ziwei Deng; Huiwen Liu; Yuanlu Shu; Dinghui Zhou; Ye Deng; Hongqiang Wang; Xiang Zhao; Jianliang Zhou; Jin Wang; Zhihua Shi; Long Da
+Published: 2020-03-06 00:00:00
+Match (0.5228): **As showed in Table 2 palpitation (1[0.96%]) as onset symptoms. The median incubation duration was 6 days, ranged from 1 to 32 days; 8 patients got more longer incubation duration (18, 19, 20, 21, 23, 24 , 24 and 32 days) that more than 14 days. Median time from onset to confirmation was 6 (rang, 0-17) days. There were 16 (15.38%) patients were identified as severe, the ratio of male vs. female was 11:5 and median age was 53 (rang, 18-81); 9 (8.65%) patients required ICU care, the ratio of male vs. female was 4:5 and median age was 59 (rang, 18-84). Of the 9 ICU patients, 3 received invasive ventilation and 4 received noninvasive ventilations. Some patients presented with organ function damage, including 5 (4.81%) with liver function abnormal, 3 (2.14%) developed with cardiac injury and 2 (1.89%) developed with acute kidney injury. ARDS occurred in 13 (12.50%) patients. For the period from admission to All rights reserved. No reuse allowed without permission.**
+
+# Knowledge of the frequency, manifestations, and course of extrapulmonary manifestations of COVID-19, including, but not limited to, possible cardiomyopathy and cardiac arrest. + +[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.7038): **Our study results suggest that the rates of cardiac complications were high in the hospitalized COVID-19 patients, especially in patients with confirmed AMI from among those who required ICU care. As shown in a recent report on 138 hospitalized COVID-19 patients, 2 16 .7% of the patients developed arrhythmia and 7.2% developed acute cardiac injury. In another series of 41 cases of hospitalized COVID-19 patients, it has been reported that 5 (12%) patients were diagnosed with acute cardiac injury. [2] [3] [4] [5] Similar to the cardiovascular complications of COVID-19, those of SARS include hypotension, tachycardia, arrhythmias, systolic and diastolic dysfunctions, and sudden death, with tachycardia particularly being the commonest condition persistent in nearly 40% of patients during follow-up. 14 Furthermore, MERS-induced myocarditis All rights reserved. No reuse allowed without permission.**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.6854): **Our study has some limitations. First, this is a modest-size case series of hospitalized COVID-19 patients; more standardized data from a larger cohort would beneficial for further determining the clinical characteristics. Second, our data showed the clinical characteristics of AMI induced by COVID-19, including the clinical presentations, electrophysiological abnormality, myocardial enzyme and myocardial injury marker levels, and cardiac dysfunction and enlargement. However, the tissue characteristics in myocardial damage (i.e., edema, fibrosis, and microcirculation disorder) should be further demonstrated via cardiac magnetic resonance imaging examination as far as possible under the premise of controlling transmission. Finally, most of the COVID-19 patients with AMI had severe or critically severe NCP and high fatality rate, but long-term follow-up should be performed to determine adverse cardiac All rights reserved. No reuse allowed without permission. author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Clinical and radiographic features of cardiac injury in patients with 2019 novel coronavirus pneumonia](https://doi.org/doi.org/10.1101/2020.02.24.20027052)
+Authors: Hui Hui; Yingqian Zhang; Xin Yang; Xi Wang; Bingxi He; Li Li; Hongjun Li; Jie Tian; Yundai Chen
+Published: 2020-02-27 00:00:00
+Match (0.6738): **Clinical and radiographic features of cardiac injury in patients with 2019 novel coronavirus pneumonia**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.6559): **In summary, we found that cardiovascular complications are common in COVID-19 patients and include tachycardia, elevated myocardial enzyme levels, cardiac dysfunction, and even AMI. More importantly, CRP level elevation, NCP severity, and underlying cardiovascular diseases are the major risk factors for AMI in these patients.**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.6547): **This is the first study to show that cardiac abnormalities including tachycardia (28%), elevated myocardial enzyme levels (56.6%), cardiac dysfunction (37.7%), and even All rights reserved. No reuse allowed without permission.**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.6500): **Since its first emergence in Wuhan city in late December 2019, COVID-19 has already spread to 26 countries. As of March 02, 2020, there were over 87137 confirmed cases worldwide, with 2977 deaths. 1 To date, several latest studies have reported the clinical characteristics of hospitalized patients with 2019 novel coronavirus pneumonia (NCP), including signs, symptoms, laboratory test results, imaging features, therapeutic strategies and effects, and multiple organ dysfunction. [2] [3] [4] [5] Notably, acute myocardial injury (AMI), defined as troponin T-hypersensitivity (TNT-HSST) serum levels > 99th percentile upper reference limit (>28 pg/ml) by the American College of Cardiology/American Heart Association Task Force for myocardial infarction and non-myocardial infarction diseases, 6 was detected in approximately 7.2%-12% COVID-19 patients in previous studies. [2] [3] Furthermore, both severe acute respiratory syndrome (SARS) and Middle East respiratory syndrome (MERS) have been linked to acute myocarditis, AMI, and rapid-onset heart failure. 7-9 Reportedly, 2 nearly 40% of hospitalized patients with confirmed COVID- 19 have underlying comorbidities such as cardiovascular or cerebrovascular diseases.**
+
+[Hypokalemia and Clinical Implications in Patients with Coronavirus Disease 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.02.27.20028530)
+Authors: dong chen; Xiaokuni Li; qifa song; Chenchan Hu; Feifei Su; Jianyi Dai
+Published: 2020-02-29 00:00:00
+Match (0.6489): **Severe hypokalemia of under 3 mmol/L plasma K + can trigger ventricular arrhythmia and respiratory muscle dysfunction, both conditions being life-threatening in patients in severe COVID-19 condition. This knowledge implies that hypokalemia may have a consuderable impact on the treatment outcome of patients with COVID-19 and should be seriously tackled as these patients have a high prevalence of dysfunction in heart, lungs, and other vital organs.**
+
+[Clinical and radiographic features of cardiac injury in patients with 2019 novel coronavirus pneumonia](https://doi.org/doi.org/10.1101/2020.02.24.20027052)
+Authors: Hui Hui; Yingqian Zhang; Xin Yang; Xi Wang; Bingxi He; Li Li; Hongjun Li; Jie Tian; Yundai Chen
+Published: 2020-02-27 00:00:00
+Match (0.6362): **observed [1] . Researchers reported that about 12% COVID-19 patients suffered acute cardiac injury [2] . Patients with cardiac disease have a higher fatality rate. However, the alerting clinical parameters of cardiac injury after COVID-19 infection and the correlation between cardiac injury and the COVID-19 severity remains to be determined. In this retrospective, single-center study, we recruited 41 consecutive cases of COVID-19 patients admitted to Beijing Youan Hospital, China from Jan 21 to Feb 03, 2020. We selected the indicators, including heart rate (HR), Troponin I (TnI) and epicardial adipose tissue (EAT) observed on chest computed tomographic (CT) scan, that is high related to cardiac injury. Tachycardia, TnI elevation and a trend of lower threshold attenuation EAT density in CT scan have been observed in severe and critical patients. Our results suggested that main attentions should be paid on monitoring the high risk factors of arrhythmia and cardiac function, including HR, TnI, and radiographic feature, that is, EAT density, to protect the COVID-19 patients from cardiac injury.**
+
+[Acute Myocardial Injury of Patients with Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.05.20031591)
+Authors: Huayan Xu; Keke Hou; Hong Xu; Zhenlin Li; Huizhu Chen; Na Zhang; Rong Xu; Hang Fu; Ran Sun; Lingyi Wen; Linjun Xie; Hui Liu; Kun Zhang; Joseph B Selvanayagam; Chuan Fu; Shihua Zhao; Zhigang Yang; Ming Yang; Yingkun Guo
+Published: 2020-03-08 00:00:00
+Match (0.6343): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.05.20031591 doi: medRxiv preprint study who died all had extremely elevated cardiac marker levels, acute heart failure may play a fatal role in multiple organ dysfunction and accelerate death. However, further evidence is urgently needed to assess the mechanism of cardiac damage in large-sample autopsy or biopsy studies. Previous studies have indicated that SARS-CoV can mediate MI and damage associated with the downregulation of the myocardial angiotensin-converting enzyme 2 system; this may be responsible for the myocardial dysfunction and adverse cardiac outcomes in patients with SARS, which has also been detected in COVID-19 patients. [19] [20] [21] [22] Until now, the pathophysiology of SARS-CoV or MERS-CoV has not been completely understood. Although full-genome sequencing and phylogenic analysis has shown that SARS-CoV-2 is similar to SARS-CoV or MERS-CoV, the pathophysiological mechanism of cardiac infection or damage caused by SARS-CoV-2 needs to be further validated in future studies. 23 In our study, AMI usually occurred in COVID-19 patients with old age, underlying comorbidities, severe or critically severe NCP, and ARDS. Among 44,672 patients with confirmed COVID-19, as reported in the China CDC Weekly on Feb 11, 2020, approximately 31.2% patients were aged >60 years. The overall case fatality rate was 2.3% (1,023 deaths); more importantly, the majority (81%) of deaths occurred in patients aged ≥ 60 years or in those with underlying medical conditions. 24 Similarly, in our study, all the six AMI patients were aged >60 years and had one or more underlying conditions, including diabetes, hypertension, COPD, and cardiovascular diseases. As described in a retrospective study of 1,099 laboratory-confirmed cases, All rights reserved. No reuse allowed without permission.**
+
+[Association of Cardiovascular Manifestations with In-hospital Outcomes in Patients with COVID-19: A Hospital Staff Data](https://doi.org/doi.org/10.1101/2020.02.29.20029348)
+Authors: Ru Liu; Xiaoyan Ming; Ou Xu; Jianli Zhou; Hui Peng; Ning Xiang; Jiaming Zhang; Hong Zhu
+Published: 2020-03-03 00:00:00
+Match (0.6339): **(which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.29.20029348 doi: medRxiv preprint phlegm or moist rales; 3, radiological features of bacteria or fungus infection. Inhospital adverse events included RF or ARDS, transfer to ICU, invasive mechanic ventilation, acute cardiac injury, AKI, acute hepatic injury, acute myocyte injury, shock, secondary infection and death. Cases with CVMs were defined by any one of these throughout the course of disease: 1, complain of palpitation or chest distress; 2, elevation of creatine kinase-MB or hypersensitive cardiac troponin I (above the 99th percentile upper reference limit); 3, new abnormalities on electrocardiography including sinus tachycardia.**
+
+# Application of regulatory standards (e.g., EUA, CLIA) and ability to adapt care to crisis standards of care level. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6668): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[Initial Public Health Response and Interim Clinical Guidance for the 2019 Novel Coronavirus Outbreak — United States, December 31, 2019–February 4, 2020](http://dx.doi.org/10.15585/mmwr.mm6905e1)
+Authors: Patel, Anita; Jernigan, Daniel B.; Abdirizak, Fatuma; Abedi, Glen; Aggarwal, Sharad; Albina, Denise; Allen, Elizabeth; Andersen, Lauren; Anderson, Jade; Anderson, Megan; Anderson, Tara; Anderson, Kayla; Bardossy, Ana Cecilia; Barry, Vaughn; Beer, Karlyn; Bell, Michael; Berger, Sherri; Bertulfo, Joseph; Biggs, Holly; Bornemann, Jennifer; Bornstein, Josh; Bower, Willie; Bresee, Joseph; Brown, Clive; Budd, Alicia; Buigut, Jennifer; Burke, Stephen; Burke, Rachel; Burns, Erin; Butler, Jay; Cantrell, Russell; Cardemil, Cristina; Cates, Jordan; Cetron, Marty; Chatham-Stephens, Kevin; Chatham-Stevens, Kevin; Chea, Nora; Christensen, Bryan; Chu, Victoria; Clarke, Kevin; Cleveland, Angela; Cohen, Nicole; Cohen, Max; Cohn, Amanda; Collins, Jennifer; Dahl, Rebecca; Daley, Walter; Dasari, Vishal; Davlantes, Elizabeth; Dawson, Patrick; Delaney, Lisa; Donahue, Matthew; Dowell, Chad; Dyal, Jonathan; Edens, William; Eidex, Rachel; Epstein, Lauren; Evans, Mary; Fagan, Ryan; Farris, Kevin; Feldstein, Leora; Fox, LeAnne; Frank, Mark; Freeman, Brandi; Fry, Alicia; Fuller, James; Galang, Romeo; Gerber, Sue; Gokhale, Runa; Goldstein, Sue; Gorman, Sue; Gregg, William; Greim, William; Grube, Steven; Hall, Aron; Haynes, Amber; Hill, Sherrasa; Hornsby-Myers, Jennifer; Hunter, Jennifer; Ionta, Christopher; Isenhour, Cheryl; Jacobs, Max; Slifka, Kara Jacobs; Jernigan, Daniel; Jhung, Michael; Jones-Wormley, Jamie; Kambhampati, Anita; Kamili, Shifaq; Kennedy, Pamela; Kent, Charlotte; Killerby, Marie; Kim, Lindsay; Kirking, Hannah; Koonin, Lisa; Koppaka, Ram; Kosmos, Christine; Kuhar, David; Kuhnert-Tallman, Wendi; Kujawski, Stephanie; Kumar, Archana; Landon, Alexander; Lee, Leslie; Leung, Jessica; Lindstrom, Stephen; Link-Gelles, Ruth; Lively, Joana; Lu, Xiaoyan; Lynch, Brian; Malapati, Lakshmi; Mandel, Samantha; Manns, Brian; Marano, Nina; Marlow, Mariel; Marston, Barbara; McClung, Nancy; McClure, Liz; McDonald, Emily; McGovern, Oliva; Messonnier, Nancy; Midgley, Claire; Moulia, Danielle; Murray, Janna; Noelte, Kate; Noonan-Smith, Michelle; Nordlund, Kristen; Norton, Emily; Oliver, Sara; Pallansch, Mark; Parashar, Umesh; Patel, Anita; Patel, Manisha; Pettrone, Kristen; Pierce, Taran; Pietz, Harald; Pillai, Satish; Radonovich, Lewis; Reagan-Steiner, Sarah; Reel, Amy; Reese, Heather; Rha, Brian; Ricks, Philip; Rolfes, Melissa; Roohi, Shahrokh; Roper, Lauren; Rotz, Lisa; Routh, Janell; Sakthivel, Senthil Kumar; Sarmiento, Luisa; Schindelar, Jessica; Schneider, Eileen; Schuchat, Anne; Scott, Sarah; Shetty, Varun; Shockey, Caitlin; Shugart, Jill; Stenger, Mark; Stuckey, Matthew; Sunshine, Brittany; Sykes, Tamara; Trapp, Jonathan; Uyeki, Timothy; Vahey, Grace; Valderrama, Amy; Villanueva, Julie; Walker, Tunicia; Wallace, Megan; Wang, Lijuan; Watson, John; Weber, Angie; Weinbaum, Cindy; Weldon, William; Westnedge, Caroline; Whitaker, Brett; Whitaker, Michael; Williams, Alcia; Williams, Holly; Willams, Ian; Wong, Karen; Xie, Amy; Yousef, Anna
+Published: 2020-02-07 00:00:00
+Publication: MMWR Morb Mortal Wkly Rep
+Match (0.5653): **Chinese health officials posted the full 2019-nCoV genome sequence on January 10, 2020, to inform the development of specific diagnostic tests for this emergent coronavirus (1). Within a week, CDC developed a Clinical Laboratory Improvement Amendments-approved real-time RT-PCR test that can diagnose 2019-nCoV respiratory samples from clinical specimens. On January 24, CDC publicly posted the assay protocol for this test (https://www.cdc.gov/coronavirus/2019-nCoV/lab/index.html). On January 4, 2020, the Food and Drug Administration issued an Emergency Use Authorization to enable emergency use of CDC's 2019-nCoV Real-Time RT-PCR Diagnostic Panel. To date, this test has been limited to use at CDC laboratories. This authorization allows the use of the test at any CDC-qualified lab across the country. CDC is working closely with FDA and public health partners, including the American Public Health Laboratories, to rapidly share these tests domestically and internationally through CDC's International Reagent Resource (https://www.internationalreagentresource.org/). In addition, CDC uploaded the genome of the virus from the first reported cases in the United States to GenBank, the National Institutes of Health genetic sequence database of publicly available DNA sequences (https://www. ncbi.nlm.nih.gov/genbank/). CDC also is growing the virus in cell culture, which is necessary for further studies, including for additional genetic characterization. Once isolated, the virus will be made available through BEI Resources (https://www. beiresources.org/) to assist research efforts.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.5474): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.5474): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5448): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5441): **The WHO is working on improving the way in which Emergency Committees develop their advice for the Director General but, as recommended by this Emergency Committee and the post-Ebola IHR Review Committee in 2015, the development of an intermediate alert alongside WHO's risk assessment process may be helpful.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5359): **This guideline was prepared in accordance with the methodology and general rules of WHO Guideline Development and the WHO Rapid Advice Guidelines [1, 2] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5359): **This guideline was prepared in accordance with the methodology and general rules of WHO Guideline Development and the WHO Rapid Advice Guidelines [1, 2] .**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5317): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5217): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+# Approaches for encouraging and facilitating the production of elastomeric respirators, which can save thousands of N95 masks. + +[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.6334): **Operational issues associated with wearing disposable facemasks to maximise their preventive effectiveness should be also publicised and educated to the general public including correct ways of wearing facemask, hygiene practices across the procedure of mask wearing, disposal of used masks.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.6139): **Strong 10 N95 masks should be worn in the same room with patients (preferred strategy).**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.6139): **Strong 10 N95 masks should be worn in the same room with patients (preferred strategy).**
+
+[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.5953): **Based on the possibility of the spread of 2019-nCoV infection, three-level protective measures of the dental professionals are recommended for specific situations. (1) Primary protection (standard protection for staff in clinical settings). Wearing disposable working cap, disposable surgical mask, and working clothes (white coat), using protective goggles or face shield, and disposable latex gloves or nitrile gloves if necessary. (2) Secondary protection (advanced protection for dental professionals). Wearing disposable doctor cap, disposable surgical mask, protective goggles, face shield, and working clothes (white coat) with disposable isolation clothing or surgical clothes outside, and disposable latex gloves. (3) Tertiary protection (strengthened protection when contact patient with suspected or confirmed 2019-nCoV infection). Although a patient with 2019-nCoV infection is not expected to be treated in the dental clinic, in the unlikely event that this does occur, and the dental professional cannot avoid close contact, special protective outwear is needed. If protective outwear is not available, working clothes (white coat) with extra disposable protective clothing outside should be worn. In addition, disposable doctor cap, protective goggles, face shield, disposable surgical mask, disposable latex gloves, and impermeable shoe cover should be worn.**
+
+[The epidemiological characteristics of 2019 novel coronavirus diseases (COVID-19) in Jingmen,Hubei,China](https://doi.org/doi.org/10.1101/2020.03.07.20031393)
+Authors: Qijun Gao; yingfu hu; zhiguo dai; Jing wu; Feng Xiao; Jing wang
+Published: 2020-03-10 00:00:00
+Match (0.5860): **Although masks prevent most infections, they are not always available. One citizen was infected only because she had been to the supermarket a few times and, because she could not buy a new mask, had been wearing the same mask all the time for several days without disinfection. We tried to steam sterilize disposable surgical masks, and there was no obvious damage to the masks. Of course, professional tests are needed to determine whether the steam disinfection will reduce the protective effect of the masks. If a mask must be used more than once, steam sterilization should be considered.**
+
+[Association between 2019-nCoV transmission and N95 respirator use](https://doi.org/10.1016/j.jhin.2020.02.021)
+Authors: Wang, Xinghuan; Pan, Zhenyu; Cheng, Zhenshun
+Published: 2020-01-01 00:00:00
+Publication: Journal of Hospital Infection
+Match (0.5761): **Association between 2019-nCoV transmission and N95 respirator use**
+
+[Association between 2019-nCoV transmission and N95 respirator use](https://doi.org/doi.org/10.1101/2020.02.18.20021881)
+Authors: Xinghuan Wang; Zhenyu Pan; Zhenshun Cheng
+Published: 2020-02-19 00:00:00
+Match (0.5761): **Association between 2019-nCoV transmission and N95 respirator use**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.5687): **At the individual level, surgical face masks have often been a particularly visible image from affected cities in China. Face masks are essential components of personal protective equipment in healthcare settings, and should be recommended for ill persons in the community or for those who care for ill persons. However, there is now a shortage of supply of masks in China and elsewhere, and debates are ongoing about their protective value for uninfected persons in the general community.**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.5640): **To achieve higher efficacy of the public health interventions, efforts from individuals should not be neglected. In light of no available specific vaccines and treatments for such novel coronavirus thus far, a range of precautionary behaviours between individuals at homes and in communities are essential and vital to obtain proper control of the spreads in public and likely preventing superspreading events. Personal prevention strategies for seasonal influenza and other viral infections are still applicable during the present outbreak, inclusive of restricting ill residents from common activities, excluding symptomatic persons from entering homes/facilities, limiting visit especially of wet markets, live poultry markets or farms. Maintaining personal hygiene (e.g., frequently performing hand hygiene, washing hands with soap and water) and cough etiquette (e.g., covering nose and mouth when coughing, correctly disposing wasted tissues after coughing) are also beneficial. The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.27.922443 doi: bioRxiv preprint Amongst these preventive practices, facemask wear appears to be the most operationalised and thus effective since it is observable from other members of the public. A recent cluster randomised controlled trial [16] , consisting of multiple region-varying medical settings, showed both N95 respirators and medical masks can effectively prevent influenza and other viral respiratory infections. Apart from facemask wear being required in public of the epicentre city in Hubei province, it has also been mandated by the Guangdong provincial government that facemasks should be worn in public with effect from 26 th January, four days after the implementation in Wuhan. The Centre for Disease Control and Prevention, the United States, also emphasised the importance of wearing a facemask at all times when staying with infected individuals in shared spaces as one of precautions for large-scale spreads in community, specified in their interim guidance for prevention for 2019-nCoV from spreading in home and communities [17] . All these are extremely important in raising awareness in the public as to personal preventive steps given the present situation (mild or subclinical symptoms observed in many cases and observed long incubation period).**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5609): **The World Health Organization's (WHO) guidance on prevention and control of the COVID-19 outbreak recommends hand, and respiratory hygiene and the use of appropriate personal protective equipment for healthcare workers in practice and patients with suspected SARS-CoV-2 infection should be offered a medical mask 8 . Regarding the respiratory hygiene measures, facemask wearing is considered as one of the most cost-effective and important measures to prevent the transmission of SARS-CoV-2, but it became a social concern due to the recent global facemask shortage 9-12 .**
+
+# Best telemedicine practices, barriers and faciitators, and specific actions to remove/expand them within and across state boundaries. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6357): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6198): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5871): **The rapid spread of Coronavirus disease 2019 (COVID-19) presents China with a critical challenge. As normal capacity of the Chinese hospitals is exceeded, healthcare professionals struggling to manage this unprecedented crisis face the difficult question of how best to coordinate the medical resources used in highly separated locations. Many cities in China have been imposing a lockdown, due to the high risk of infection and the characteristic of human-to-human transmission 1 . Not only have patients been marginalized, but many clinicians working in the regional hospitals have limited access to the specialist consultations and treatment guidelines they need from provincial-level hospitals to manage pneumonia cases caused by COVID-19. As long as the crisis continues, simply relying on the traditional communicative practices, such as physician office visit or face-to-face consultations within the health professional network, could pose significant costs and health concerns.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5840): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5695): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5688): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Authoritarianism, outbreaks, and information politics](https://doi.org/10.1016/S2468-2667(20)30030-X)
+Authors: Kavanagh, Matthew M.
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5678): **For Amartya Sen, authoritarian states face serious challenges in information and accountability. 6 Governments in closed political systems, without open media and opposition parties, struggle to receive accurate information in a timely manner and to convey urgent information to the public. Governments can be the victims of their own propaganda, because the country's political institutions provide incentives to local officials to avoid sharing bad news with their central bosses and await instructions before acting.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.5677): **As of 26 January 2020, 30 provinces have initiated a level-1 public health response to control COVID-19 [22] . A level-1 response means that during the occurrence of a particularly serious public health emergency, the provincial headquarters shall organize and coordinate the emergency response work within its administrative area according to the decision deployment and unified command of the State Council [22] . Fever observation rooms shall be set up at stations, airports, ports, and so on to detect the body temperature of passengers entering and leaving the area and implement observation/registration for the suspicious patients. The government under its jurisdiction shall, in accordance with the law, take compulsory measures to restrict all kinds of the congregation, and ensure the supply of living resources. They will also ensure the sufficient supply of masks, disinfectants, and other protective articles on the market, and standardize the market order. The strengthening of public health surveillance, hygiene knowledge publicity, and monitoring of public places and key groups is required. Comprehensive medical institutions and some specialized hospitals should be prepared to accept COVID-19 patients to ensure that severe and critical cases can be differentiated, diagnosed, and effectively treated in time. The health administration departments, public health departments, and medical institutions at all (province, city, county, district, township, and street) levels, and social organizations shall function in epidemic prevention and control and provide guidance for patients and close contact families for disease prevention [23] .**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5659): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5639): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+# Guidance on the simple things people can do at home to take care of sick people and manage disease. + +[A Novel Approach of Consultation on 2019 Novel Coronavirus (COVID-19)-Related Psychological and Mental Problems: Structured Letter Therapy](http://dx.doi.org/10.30773/pi.2020.0047)
+Authors: Xiao, Chunfeng
+Published: 2020-02-25 00:00:00
+Publication: Psychiatry Investig
+Match (0.6032): **2) Do you have any underlying disease that you think is necessary to tell your counselor or psychiatrist specifically?**
+
+[Should, and how can, exercise be done during a coronavirus outbreak? — An interview with Dr. Jeffrey A. Woods](https://doi.org/10.1016/j.jshs.2020.01.005)
+Authors: Zhu, Weimo
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.6001): **Woods: It is safe to exercise during the coronavirus outbreak. One should not limit the multitude of health benefits that exercise provides us on a daily basis just because there is a new virus in our environment. However, there may be some additional precautions to reduce your risk of infection. If you are a "social exerciser", you might want to limit your exposure to exercise partners who have exhibited signs and symptoms of illness. The problem, though, is that infected people may be infectious before they exhibit symptoms. In some instances, wearing a mask while exercising may be a way to reduce your exposure. It is very important to make sure that if you are exercising on equipment in fitness facilities or gymnasiums that you make sure to disinfect the equipment before and after you use it. When done exercising, the most effective way to clean hands is to wet them with clean water, then apply soap and scrub for at least 20 s, before rinsing and drying with a clean towel. Hand sanitizers with at least 60% alcohol content may also be used, but the U.S. Centers for Disease Control and Prevention warns they are not effective against all germs. This strategy should be used at all times, not just because there is an acute viral outbreak. Avoiding touching your face and neck with your hands is also advised if you cannot disinfect them until a later time.**
+
+[A Novel Approach of Consultation on 2019 Novel Coronavirus (COVID-19)-Related Psychological and Mental Problems: Structured Letter Therapy](http://dx.doi.org/10.30773/pi.2020.0047)
+Authors: Xiao, Chunfeng
+Published: 2020-02-25 00:00:00
+Publication: Psychiatry Investig
+Match (0.5875): **Intervention page 1) Possible reasons for your current emotions, how you should ease them, or how to learn to live with them.**
+
+[Should, and how can, exercise be done during a coronavirus outbreak? — An interview with Dr. Jeffrey A. Woods](https://doi.org/10.1016/j.jshs.2020.01.005)
+Authors: Zhu, Weimo
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.5839): **Woods: It is safe for sedentary individuals to exercise or to start an exercise program. Physician consultation and approval may be needed for people with disease, comorbidity, orthopedic problems, or advanced age. As above, there are prudent precautions that can be taken to limit infectious disease spread. Anything that increases your probability of coming into contact with an infected person, or that compromises your immune system, increases your risk of infection. If you are sedentary, it may be a good idea not to overdo it. Research suggests that unaccustomed strenuous or prolonged exercise might reduce the function of your immune system defenses. As such, avoiding long and stressful exercise sessions that you are unaccustomed to might be a good idea.**
+
+[First two months of the 2019 Coronavirus Disease (COVID-19) epidemic in China: real-time surveillance and evaluation with a second derivative model](https://doi.org/10.1186/s41256-020-00137-4)
+Authors: Chen, Xinguang; Yu, Bin
+Published: 2020-01-01 00:00:00
+Publication: Global Health Research and Policy
+Match (0.5772): **Specifically, what we can do to deal with an outbreak like COVID-19 would be to (1) collect information as early as possible, (2) monitor the epidemic as close as possible just like we do for an earthquake and make preparations for a hurricane and (3) communicate with the society and use confirmed data appropriately reframed not causing or exacerbating fear and panic in the public, stress and distress among medical and public health professionals, as well as administrators to make right decisions and take the right strategies at the right time in the right places for the right people.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5590): **Patients should monitor their body temperature and illness at home. If your body temperature continues to be higher than 38 ℃, or your breath is getting worse, you should seek medical treatment timely.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5590): **Patients should monitor their body temperature and illness at home. If your body temperature continues to be higher than 38 ℃, or your breath is getting worse, you should seek medical treatment timely.**
+
+[Should, and how can, exercise be done during a coronavirus outbreak? — An interview with Dr. Jeffrey A. Woods](https://doi.org/10.1016/j.jshs.2020.01.005)
+Authors: Zhu, Weimo
+Published: 2020-01-01 00:00:00
+Publication: Journal of Sport and Health Science
+Match (0.5282): **Woods: Yes, I get many inquiries from Chinese and other international students about potentially working in my laboratory as a pre-doctoral student. The main advice that I would give these students is to make sure that you have (a) a strong academic record that includes basic science courses (i.e., chemistry, physiology), (b) evidence of basic science wet laboratory skills, and (c) tangible research output (i.e., abstracts, publications, and presentations) in your field. I would also caution about using cold call e-mails that do not reflect careful thought and research relative to the individual you are contacting. You should read the work and understand the research interests of the professor you are contacting while also making a case that you have strong interests and skills in this area. Most of the Chinese scholars I have mentored came to me on recommendation from someone I know and trust (e.g., another U.S. or international professor or student). Thus, it is important to create a network of people in your field of interest. You can do this by interacting with people at scientific meetings. If that is not an option due to cost or circumstance, I would recommend trying to find any connection between you, your institution, or your current mentor and someone at a target institution of study. As for manuscripts coming from Chinese or international laboratories submitted to English-language journals, my recommendation would be to make sure that the manuscript has been carefully edited for spelling and grammar relative to the English language. No matter how good the science is, if the presentation is poor it will reflect poorly on the work.**
+
+[Distribution of the 2019-nCoV Epidemic and Correlation with Population Emigration from Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.10.20021824)
+Authors: Zeliang Chen; Qi Zhang; Yi Lu; Xi Zhang; Wenjun Zhang; Cheng Guo; Conghui Liao; Qianlin Li; Xiaohu Han; Jiahai Lu
+Published: 2020-02-12 00:00:00
+Match (0.5098): **The copyright holder for this preprint . https://doi.org/10.1101/2020.02. 10.20021824 doi: medRxiv preprint adopted mobility control measures to encourage people to avoid going to public places and wear masks when going out to reduce the risk of human to human transmission. We believe that with the joint efforts of everyone, the number of cases and losses will be kept to a minimum.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5095): **iii) Decreasing the human-to-human transmission. This is obviously a crucial measure to stop the current outbreak, and rightfully attracts the most attention at the present time. This review does not aspire to cover the large subject of human-to-human transmission control, but also here a mixture of measures is important from strictly medical (transmission routes, efficiency of PPE, vaccines, antivirals and so on) to more social science-oriented (How do people behave when they suspect they could be infected? How do they behave when they are sick? How to potentially change these behaviours?).**
+
+# Oral medications that might potentially work. + +[Clinical Features of COVID-19 Related Liver Damage](https://doi.org/doi.org/10.1101/2020.02.26.20026971)
+Authors: Zhenyu Fan; Liping Chen; Jun Li; Cheng Tian; Yajun Zhang; Shaoping Huang; Zhanju Liu; Jilin Cheng
+Published: 2020-02-27 00:00:00
+Match (0.5570): **Because of no effective antiviral drug for COVID-19 available, symptomatic and supportive treatments are rather crucial. Many patients were applied with other antiviral and antipyretic drugs. However, both antiviral drugs and acetaminophen have adverse reactions, such as liver function injury. [24] [25] [26] Previous studies have not further analyzed whether these patients with abnormal liver function are caused by SARS-CoV-2 infection or by the drugs used. In this study, the drugs used by patients before admission are mainly antibacterial drugs (including moxifloxacin, cephalosporins), antiviral drugs (abidol, oseltamivir, acyclovir), and antipyretic drugs with acetaminophen. We analyzed the prehospital medications of the two groups and found that there is no statistical difference between the two groups. Therefore, we speculated that the liver function damage of COVID-19 patients is closely related to virus infection. In addition, the proportion of male patients with liver damage was large, and the specific mechanism was unclear. The body temperature of patients with liver damage was significantly higher than that of the control group, which may be related to the immune response after virus infection.**
+
+[Clinical characteristics of 82 death cases with COVID-19](https://doi.org/doi.org/10.1101/2020.02.26.20028191)
+Authors: Bicheng Zhang; Xiaoyang Zhou; Yanru Qiu; Fan Feng; Jia Feng; Yifan Jia; Hengcheng Zhu; Ke Hu; Jiasheng Liu; Zaiming Liu; Shihong Wang; Yiping Gong; Chenliang Zhou; Ting Zhu; Yanxiang Cheng; Zhichao Liu; Hongping Deng; Fenghua Tao; Yijun Ren; Biheng Cheng; Ling Gao; Xiongfei Wu; Lilei Yu; Zhixin Huang; Zhangfan Mao; Qibin Song; Bo Zhu; Jun Wang
+Published: 2020-02-27 00:00:00
+Match (0.5521): **Our study has some limitations. Firstly, some patients did not receive timely supportive interventions such as admission to ICU, because increasing number of severe patients occurred in a short period. However, present data could partially be scenario where COVID-19 patients progress in a natural pathophysiology rather than outcome from intervention by treatment. Secondly, consecutive detection of cytokines was lacking, which fail to truly monitor the severity of CRS. Thirdly, organ damage could originate from a history of medication including nonsteroidal anti-inflammatory drugs, antibiotics, and traditional Chinese medicine which are associated with renal or liver injury. 21, 22 In our study, all patients received intravenous of antibiotics and anti-virus drugs.**
+
+[Clinical characteristics of novel coronavirus cases in tertiary hospitals in Hubei Province](https://doi.org/10.1097/CM9.0000000000000744)
+Authors: Kui, Liu; Fang, Yuan-Yuan; Deng, Yan; Liu, Wei; Wang, Mei-Fang; Ma, Jing-Ping; Xiao, Wei; Wang, Ying-Nan; Zhong, Min-Hua; Li, Cheng-Hong; Li, Guang-Cai; Liu, Hui-Guo
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5470): **Based on the experience and lessons learned from the SARS and MERS outbreaks, the treatment site and protocol for confirmed cases of NCP are decided by disease severity: patients with mild symptoms (ie, coughing, low-grade fever, runny nose, and asymptomatic sore throat) are quarantined at home, whereas patients with moderate or severe disease are hospitalized for treatment. Our study cohort included only patients who were already critically ill. As there is currently no effective drug against the 2019-nCoV, symptomatic treatment and respiratory support were provided. Since the large-dose glucocorticoids used in the treatment of SARS resulted in serious adverse reactions [18, 19] but did not effectively decrease the mortality rate of CoV infection, [20] [21] [22] we treated patients with low-dose (30-80 mg/day) and short-term (3-5 days) methylpredisolone to alleviate the pulmonary exudates and inhibit a systemic cytokine storm. Unfortunately, this treatment did not provide significant benefits. As an alternative, intravenous injection with g-immunoglobulin can be offered; however, more clinical data are required to determine the efficacy of this treatment. In the middle and late stages of the disease, patients often develop additional bacterial or even fungal infections; therefore, careful attention must be paid to the rational use of antibiotics. In addition to the aforementioned treatments, respiratory support should be provided as early as possible. In this cohort, different types of oxygen therapy were administered according to each patient's pulse oximetry oxygen saturation and oxygenation index. For most patients, early non-invasive ventilation could promote positive outcomes. Alternatively, for critically ill patients, invasive ventilation or even ECMO should be considered. To date, ECMO has been successfully used to resuscitate one critically ill patient infected with this new CoV. Several drugs have already been tested against the 2019-nCoV and relevant clinical observation studies have been initiated with encouraging preliminary results. In particular, research on anti-coronaviral drugs and vaccines should be a continuous priority. None of these currently tested treatments was used in our cohort of patients, and thus their efficacy remains unknown.**
+
+[The 2019 coronavirus (SARS-CoV-2) surface protein (Spike) S1 Receptor Binding Domain undergoes conformational change upon heparin binding.](https://doi.org/doi.org/10.1101/2020.02.29.971093)
+Authors: Mycroft-West, C. J.; Su, D.; Elli, S.; Guimond, S. E.; Miller, G. J.; Turnbull, J. E.; Yates, E. A.; Guerrini, M.; Fernig, D. G.; Andrade de Lima, M.; Skidmore, M. A.
+Published: 2020-03-02 00:00:00
+Match (0.5369): **Such drugs will be amenable to routine parenteral administration through currently established routes and additionally, direct to the respiratory tract via nasal administration, using nebulised heparin, which would be unlikely to gain significant access to the circulation. Thus, the anticoagulant activity of heparin, which can in any event be engineered out, would not pose a problem. Importantly, such a route of administration would not only be suitable for prophylaxis, but also for patients under mechanical ventilation 19 . the author/funder. All rights reserved. No reuse allowed without permission.**
+
+[Clinical characteristics of 101 non-surviving hospitalized patients with COVID-19: A single center, retrospective study](https://doi.org/doi.org/10.1101/2020.03.04.20031039)
+Authors: Qiao Shi; Kailiang Zhao; Jia Yu; Jiarui Feng; Kaiping Zhao; Xiaoyi Zhang; Xiaoyan Chen; Peng Hu; Yupu Hong; Man Li; Fang Liu; Chen Chen; Weixing Wang
+Published: 2020-03-06 00:00:00
+Match (0.5356): **Up to now, no antiviral treatment has been recommended for coronavirus treatment except supportive care and organ support [5, 20] . In current clinical practice, arbidol was used as an antiviral treatment for SARS-CoV-2 infected patients, but the curative effect remains unclear. Other antiviral medications including remdesivir and lopinavir etc. are still being verified in clinical trials. Furthermore, use of intravenous immunoglobulin is recommended to enhance the ability of anti-infection for severely ill patients and steroids are recommended for patients with ARDS, for as short duration of treatment as possible [21] . In this study, 96.04% patients received antiviral therapy, 98.02% received antibacterial therapy. Use of glucocorticoid mainly depended on the severity of inflammatory response. In the early outbreak of COVID-19, all the non-survivors received oxygen inhalation therapy including high flow oxygen inhalation (77.23%), but quite a low proportion of patients received machine ventilation partly due to limited medical resources against the steeply increasing number of patients.**
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.5273): **The first strategy is to test existing broad-spectrum anti-virals 18 . Interferons, ribavirin, and cyclophilin inhibitors used to treat coronavirus pneumonia fall into this category. The advantages of these therapies are that their metabolic characteristics, dosages used, potential efficacy and side effects are clear as they have been approved for treating viral infections. But the disadvantage is that these therapies are too "broad-spectrum" and cannot kill coronaviruses in a targeted manner, and their side effects should not be underestimated. The second strategy is to use existing molecular databases to screen for molecules that may have therapeutic effect on coronavirus 19, 20 . High-throughput screening makes this strategy possible, and new functions of many drug molecules can be found through this strategy, for example, the discovery of anti-HIV infection drug lopinavir/ritonavir. The third strategy is directly based on the genomic information and pathological characteristics of different coronaviruses to develop new targeted drugs from scratch.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.5243): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.5243): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Analysis of factors associated with disease outcomes in hospitalized patients with 2019 novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000775)
+Authors: Liu, Wei; Tao, Zhao-Wu; Lei, Wang; Ming-Li, Yuan; Kui, Liu; Ling, Zhou; Shuang, Wei; Yan, Deng; Jing, Liu; Liu, Hui-Guo; Ming, Yang; Yi, Hu
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5179): **Appropriate antibiotic treatment can be administered to prevent secondary infection in critical type viral pneumonia. [19] We analyzed the diagnosis and treatment protocols of patients with COVID-19 pneumonia, and results suggested that some patients undergoing antiviral treatment were also proactively undergoing antibacterial treatment. Whether viral pneumonia should be treated with glucocorticoids has been controversial. Some researchers believe that the use of glucocorticoids in viral pneumonia can easily aggravate the disease and increase the risk of secondary infections, leading to an increase in mortality, thus advocating against the use of glucocorticoids. [20] Other studies have suggested that the use of an appropriate dose of glucocorticoids at early stages could inhibit the elevated secretion of inflammatory cytokines due to excessive activation of immune cells because of the viral infection, thereby preventing continued exacerbation of lung injury . [21] We found that the combination of antivirals, antibacterials, and glucocorticoids had the highest use rate in the treatment of COVID-19 pneumonia. Moreover, other researchers have suggested using thymosin and gamma globulin during the early stages of infection to improve patient immunity. In addition, current ongoing related studies suggest that COVID-19 and HIV have structural similarities.**
+
+[The 2019 coronavirus (SARS-CoV-2) surface protein (Spike) S1 Receptor Binding Domain undergoes conformational change upon heparin binding.](https://doi.org/doi.org/10.1101/2020.02.29.971093)
+Authors: Mycroft-West, C. J.; Su, D.; Elli, S.; Guimond, S. E.; Miller, G. J.; Turnbull, J. E.; Yates, E. A.; Guerrini, M.; Fernig, D. G.; Andrade de Lima, M.; Skidmore, M. A.
+Published: 2020-03-02 00:00:00
+Match (0.5145): **The rapid spread of SARS-CoV-2 represents a significant challenge to global health authorities and, as there are no currently approved drugs to treat, prevent and/or mitigate its effects, repurposing existing drugs is both a timely and appealing strategy. Heparin, a well tolerated anticoagulant drug, has been used successfully for over 80 years with limited and manageable side effects. Furthermore, heparin belongs to a unique class of pharmaceuticals that has effective antidotes available, which makes its use safer.**
+
+# Use of AI in real-time health care delivery to evaluate interventions, risk factors, and outcomes in a way that could not be done manually. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4782): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4591): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[The spatiotemporal estimation of the dynamic risk and the international transmission of 2019 Novel Coronavirus (COVID-19) outbreak: A global perspective](https://doi.org/doi.org/10.1101/2020.02.29.20029413)
+Authors: Yuan-Chien Lin; Wan-Ju Chi; Yu-Ting Lin; Chun-Yeh Lai
+Published: 2020-03-03 00:00:00
+Match (0.4579): **China, is a useful way for countries to quantitatively evaluate the risk of imported cases. 91**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4537): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[A model simulation study on effects of intervention measures in Wuhan COVID-19 epidemic](https://doi.org/doi.org/10.1101/2020.02.14.20023168)
+Authors: Guopeng ZHOU; Chunhua CHI
+Published: 2020-02-18 00:00:00
+Match (0.4525): **With all these intervention measures undertaken, and maybe more on the way, proper tools are need anticipate possible effects on epidemic control and to provide reliable information to support future decisions. Simulation also can help people understand how infectious disease spread and how to understand the purpose and consequences of various efforts.**
+
+[Assessing the impact of a symptom-based mass screening and testing intervention during a novel infectious disease outbreak: The case of COVID-19](https://doi.org/doi.org/10.1101/2020.02.20.20025973)
+Authors: Yang Ge; Brian Kenneth McKay; Shengzhi Sun; Feng Zhang; Andreas Handel
+Published: 2020-02-23 00:00:00
+Match (0.4420): **For MSTI to be beneficial, one needs to minimize and maximize [9] . An approach to reduce 94 could be the use of dedicated testing sites separate from the usual healthcare facilities [10] . 95**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4286): **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**
+
+[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](https://doi.org/10.1017/ice.2020.61)
+Authors: Vazquez, Arni S.R. Srinivasa Rao; Jose A.
+Published: 2020-01-01 00:00:00
+Publication: Infection Control & Hospital Epidemiology
+Match (0.4273): **Applications of AI and deep learning argued to be useful tools in assisting diagnosis and treatment decision making [10] [11] . There were studies which promoted disease detection through AI models [12] [13] [14] [15] . Use of mobile phones [16] [17] [18] [19] and web based portals [20] [21] have been tested successfully in health related data collection. However, one need to apply such techniques in a timely way for faster results. Apart from cost-effectiveness, the proposed modeling will be of great assistance in identifying and controlling when populations are closed due to virus spread. In addition to these, our proposed algorithm can be easily extended to identify individuals who might have any mild symptoms and signs.**
+
+[Exploring diseases/traits and blood proteins causally related to expression of ACE2, the putative receptor of 2019-nCov: A Mendelian Randomization analysis](https://doi.org/doi.org/10.1101/2020.03.04.20031237)
+Authors: Shitao Rao; Alexandria Lau; Hon-Cheong So
+Published: 2020-03-08 00:00:00
+Match (0.4266): **For example, identification of those at greater risk may help to guide the prioritization of resources to reduce infection risks in susceptible groups. Also, it is likely that vaccines may be developed in the near future; in the lack of resources, susceptible groups may be prioritized to receive vaccination to maximize cost-effectiveness.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.4201): **For these patients, we suggested that: based on the "compassionate use drug" principle, with safe and obvious antiviral potential drugs, to conduct a staged small batch and single-arm clinical trials is feasible. We believed that "compassionate use drug" can not only meet the special needs of patients but also carry out clinical effectiveness observation, research and analysis, so as to improve the research efficiency and benefit patients [38] [39] [40] [41] [42] . Also, given a large number of clinical cases have accumulated information, and using available existing data for statistics and analysis with the help of new statistical methods such as clinical data-mining [43] [44] [45] and real-world study 46-48 , etc ., can also quickly obtain some very valuable information and save research time.**
+
+# Best practices and critical challenges and innovative solutions and technologies in hospital flow and organization, workforce protection, workforce allocation, community-based support resources, payment, and supply chain management to enhance capacity, efficiency, and outcomes. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7069): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7069): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7069): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.7027): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6861): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6571): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6553): **Telemedicine has been acknowledged as a breakthrough technology in combating epidemics 2 . Combining the functions of online conversation and real-time clinical data exchange, telemedicine can provide technical support to the emerging need for workflow digitalization. When facing the rapid spread of an epidemic, the ability to deliver clinical care in a timely manner requires effective relational coordination mechanisms amongst government authorities, hospitals, and patients 3 . This raises the question: How can telemedicine systems operate in a coordinated manner to deliver effective care to patients with COVID-19 and to combat the crisis outbreak?**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6429): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6387): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6353): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+# Efforts to define the natural history of disease to inform clinical care, public health interventions, infection prevention control, transmission, and clinical trials + +[Data sharing for novel coronavirus (COVID-19)](http://dx.doi.org/10.2471/BLT.20.251561)
+Authors: Moorthy, Vasee; Henao Restrepo, Ana Maria; Preziosi, Marie-Pierre; Swaminathan, Soumya
+Published: 2020-03-01 00:00:00
+Publication: Bull World Health Organ
+Match (0.5919): **Efforts for expedited data and results reporting should not be limited to clinical trials, but should include observational studies, operational research, routine surveillance and information on the virus and its genetic sequences, as well as the monitoring of disease control programmes.**
+
+[Utilize State Transition Matrix Model to Predict the Novel Corona Virus Infection Peak and Patient Distribution](https://doi.org/doi.org/10.1101/2020.02.16.20023614)
+Authors: Ke Wu; Junhua Zheng; Jian Chen
+Published: 2020-02-19 00:00:00
+Match (0.5820): **Pragmatic effectiveness trials are increasingly recognized as an essential component of medical evidence and good prediction models can help formulate scientific prevention and treatment programs 4, 5 .**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.5749): **Evidence is urgently needed to help policy makers understand public response to the outbreak and support for the containment measures, but no evidence available to date.**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.5699): **The importance of non-pharmaceutical control measures requires further research to quantify their impact [3] . Mathematical models are useful to evaluate the possible effects on epidemic dynamics of preventive measures, and to improve decision-making in global health [5, 6] .**
+
+[Phase adjusted estimation of the number of 2019 novel coronavirus cases in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.18.20024281)
+Authors: Huwen Wang; Zezhou Wang; Yinqiao Dong; Ruijie Chang; Chen Xu; Xiaoyue Yu; Shuxian Zhang; Lhakpa Tsamlag; Meili Shang; Jinyan Huang; Ying Wang; Gang Xu; Tian Shen; Xinxin Zhang; Yong Cai
+Published: 2020-02-23 00:00:00
+Match (0.5405): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02. 18.20024281 doi: medRxiv preprint taking the unprecedentedly strict prevention and control measures in China into consideration is required to better guide the future prevention decisions.**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5359): **In summary, strategies based on scientific evidence will be essential to curb the spread of the ongoing COVID-19 epidemic. As next steps, obtaining a comprehensive understanding of the epidemiological and clinical properties of the disease is critical for policy and decision making. We must also take full advantage of existing knowledge and experience to improve the diagnosis, treatment, prevention, and control of the disease and accelerate the development of drugs and vaccines to save lives.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.5355): **Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](https://doi.org/10.2807/1560-7917.es.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Publication: Eurosurveillance
+Match (0.5355): **Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak**
+
+[Feasibility of controlling 2019-nCoV outbreaks by isolation of cases and contacts](https://doi.org/doi.org/10.1101/2020.02.08.20021162)
+Authors: Joel Hellewell; Sam Abbott; Amy Gimma; Nikos I Bosse; Christopher I Jarvis; Timothy W Russell; James D Munday; Adam J Kucharski; W John Edmunds; CMMID nCoV working group; Sebastian Funk; Rosalind M Eggo
+Published: 2020-02-11 00:00:00
+Match (0.5305): **If 2019-nCoV can be controlled by isolation and contact tracing, then public health efforts should be focussed on this strategy. However, if this is not enough to control outbreaks, then additional resources may be needed for additional interventions. There are currently key unknown characteristics of the transmissibility and natural history of 2019-nCoV; for example, whether transmission can occur before symptom onset. Therefore we explored a range of epidemiological scenarios that represent potential transmission properties based on current information about 2019-nCoV transmission. We assessed the ability of isolation and contact tracing to control disease outbreaks using a mathematical model 6, [15] [16] [17] [18] . By varying . CC-BY-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Risk estimation and prediction by modeling the transmission of the novel coronavirus (COVID-19) in mainland China excluding Hubei province](https://doi.org/doi.org/10.1101/2020.03.01.20029629)
+Authors: Hui Wan; Jing-an Cui; Guo-Jing Yang
+Published: 2020-03-06 00:00:00
+Match (0.5305): **At the early stage of the outbreak, estimation of the basic reproduction number R 0 is crucial for determining the potential and severity of an outbreak, and providing precise information for designing and implementing disease outbreak responses, namely the identification of the most appropriate, evidence-based interventions, mitigation measures and the determination of the intensity of such programs in order to achieve the maximal protection of the population with the minimal interruption of social-economic activities [4, 5] .**
+
+# Efforts to develop a core clinical outcome set to maximize usability of data across a range of trials + +[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5319): **The goal of our study was to (1) raise awareness of the lack of primary data necessary to effectively respond to global emergencies such as the COVID-19 outbreak and (2) demonstrate that all analyses can be performed transparently with already existing open source publicly available tools and computational infrastructure. The first problem-reluctance to share primary data-has its roots in the fact that the ultimate reward for research efforts is a highly cited publication. As a result, individual researchers are naturally averse to sharing primary data prior to manuscript acceptance. The second issue-underutilization of existing, community supported tools and analysis frameworks-may be due to the lack of sustained efforts to educate the biomedical community about best practices in (genomic) data analysis. Such efforts exist (e.g., [16] ) but have difficulties reaching a wide audience because prominent scientific publication outlets are reluctant to accept data analysis tutorials or reviews. Yet the only way to improve accessibility and reproducibility of biomedical research is through dissemination of best analysis practices.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5253): **The NOS scores of the observational trials are from 4 to 6 ( Table 3) . Most of the observational trials have high risk of biases in assessment outcome, follow-up of outcome and adequacy of follow up of cohorts ( Figure 6 ). Therefore, the overall quality of registered observational trials is low.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5252): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.01.20029611 doi: medRxiv preprint promising projects are prioritized. In addition, we suggest that using a variety of study designs and statistical methods to scientifically and efficiently conduct the clinical trials, which has an extremely important value for the control of COVID-19.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5216): **In brief, under the condition that there are a large number of cases to be selected at present, it is of great value for the treatment and prevention of COVID-19 to try to complete various clinical trial designs and data analysis scientifically and efficiently with a variety of clinical research designs and statistical analysis methods, and researchers should try in future.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5088): **For these patients, we suggested that: based on the "compassionate use drug" principle, with safe and obvious antiviral potential drugs, to conduct a staged small batch and single-arm clinical trials is feasible. We believed that "compassionate use drug" can not only meet the special needs of patients but also carry out clinical effectiveness observation, research and analysis, so as to improve the research efficiency and benefit patients [38] [39] [40] [41] [42] . Also, given a large number of clinical cases have accumulated information, and using available existing data for statistics and analysis with the help of new statistical methods such as clinical data-mining [43] [44] [45] and real-world study 46-48 , etc ., can also quickly obtain some very valuable information and save research time.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.4987): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.01.20029884 doi: medRxiv preprint would be less likely to capture mild cases as curated via the applied data collection modalities. 5 Missing data was common for many of the included variables. Further efforts should be made to collect follow up data on patient outcomes. 16 Further efforts should be made in the coming weeks to study transmission and estimate incubation time in pediatric patients to improve public health guidance.**
+
+[Discovery and development of safe-in-man broad-spectrum antiviral agents](https://doi.org/10.1016/j.ijid.2020.02.018)
+Authors: Andersen, Petter I.; Ianevski, Aleksandr; Lysvand, Hilde; Vitkauskiene, Astra; Oksenych, Valentyn; Bjørås, Magnar; Telling, Kaidi; Lutsar, Irja; Dampis, Uga; Irie, Yasuhiko; Tenson, Tanel; Kantele, Anu; Kainov, Denis E.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.4958): **Here we reviewed a process of BSAA development and summarized information on 120 safe-in-man agents in freely available database. We hope that further pre-clinical and clinical studies on BSAAs will be harmonized, and data collection will be standardized. Furthermore, the follow-up studies as well as the results of on-going, finalized or terminated clinical trials will be made publicly available to allow prioritization and translation of emerging and existing BSAAs into clinical practice.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.4928): **We believed that it is necessary to improve the quality of research and to the registered clinical research programmes in strict accordance with the guidelines for clinical trials 32- 35 . In addition, current clinical trials by different hospitals conducted spontaneously are not effectively organized and coordinated, so more scattered and disorderly. Some drugs that have not been tested in vitro or whose safety is of great concern are also being tested in clinical trials, which not only increase the risk of clinical trials, but also waste research resources. Hence, the National Administration of scientific research should strengthen their management and coordination and a small number of promising drugs, such as Remdesivir, should be prioritized for clinical trials and allowed to run smoothly.**
+
+[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](https://doi.org/doi.org/10.1101/2020.02.27.20028027)
+Authors: Li Yan; Hai-Tao Zhang; Yang Xiao; Maolin Wang; Chuan Sun; Jing Liang; Shusheng Li; Mingyang Zhang; Yuqi Guo; Ying Xiao; Xiuchuan Tang; Haosen Cao; Xi Tan; Niannian Huang; Bo Jiao; Ailin Luo; Zhiguo Cao; Hui Xu; Ye Yuan
+Published: 2020-03-01 00:00:00
+Match (0.4860): **Nevertheless, this study has several notable limitations. First of all, since the proposed machine learning method is purely data driven, its model may vary given a different set of training and validation dataset. Given the limit number of samples in this study, we strike a balance between model complexity and performance. Yet the whole procedure should follow when more data is available. Secondly, this is a single-centered, retrospective study, which provides a preliminary assessment of the clinical course and outcome of severe patients.**
+
+[Novel Coronavirus Outbreak in Wuhan, China, 2020: Intense Surveillance Is Vital for Preventing Sustained Transmission in New Locations](https://doi.org/10.3390/jcm9020498)
+Authors: Thompson, Robin N.
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4840): **Despite the necessary simplifications made in this study, our analyses are sufficient to demonstrate the key principle that rigorous surveillance is important to minimise the risk of the 2019-nCoV generating large outbreaks in countries worldwide. We therefore support the ongoing work of the World Health Organization and policy makers from around the world, who are working with researchers and public health experts to manage this outbreak [2] . We also appreciate efforts to make data publicly available [15] . Careful analysis of the outbreak, as well as minimisation of transmission risk as much as possible, is of clear public health importance. **
+
+# Efforts to determine adjunctive and supportive interventions that can improve the clinical outcomes of infected patients (e.g. steroids, high flow oxygen) +[Potential benefits of precise corticosteroids therapy for severe 2019-nCoV pneumonia](https://doi.org/10.1038/s41392-020-0127-9)
+Authors: Gao, Wei Zhou; Yisi, Liu; Dongdong, Tian; Cheng, Wang; Sa, Wang; Jing, Cheng; Ming, Hu; Minghao, Fang; Yue
+Published: 2020-01-01 00:00:00
+Publication: Signal Transduction and Targeted Therapy
+Match (0.7182): **Of note, as documented in a series of randomized clinical trials (RCT), low or physiologic dose of corticosteroids treatment did not reduce mortality from septic shock caused by primary lung infections, but it could bring clinical benefits to secondary outcomes, such as earlier reversal of shock, shorter duration to exit from ICU and mechanical ventilation 9, 10 . Besides, salvage corticosteroids treatment for severe patients with advanced ARDS could alleviate the pulmonary fibrosis and prevent progressive pathological deterioration 11 , which provides a good framework for explaining why some critical patients with SARS infection benefit from rescue corticosteroids therapy. More importantly, mortality benefit favored the severe HIN1-illness in the adjunctive treatment group with low dose of corticosteroids 12 . Evidently, all these results strongly suggest that proper use of low-dose corticosteroids may bring survival advantages for critically ill patients with 2019-nCoV, but this treatment should be strictly performed on NCP patients with definite clinical indications (such as refractory ARDS, sepsis or septic shock) according to the recommended guidelines.**
+
+[Potential benefits of precise corticosteroids therapy for severe 2019-nCoV pneumonia](https://doi.org/10.1038/s41392-020-0127-9)
+Authors: Gao, Wei Zhou; Yisi, Liu; Dongdong, Tian; Cheng, Wang; Sa, Wang; Jing, Cheng; Ming, Hu; Minghao, Fang; Yue
+Published: 2020-01-01 00:00:00
+Publication: Signal Transduction and Targeted Therapy
+Match (0.7182): **Of note, as documented in a series of randomized clinical trials (RCT), low or physiologic dose of corticosteroids treatment did not reduce mortality from septic shock caused by primary lung infections, but it could bring clinical benefits to secondary outcomes, such as earlier reversal of shock, shorter duration to exit from ICU and mechanical ventilation 9, 10 . Besides, salvage corticosteroids treatment for severe patients with advanced ARDS could alleviate the pulmonary fibrosis and prevent progressive pathological deterioration 11 , which provides a good framework for explaining why some critical patients with SARS infection benefit from rescue corticosteroids therapy. More importantly, mortality benefit favored the severe HIN1-illness in the adjunctive treatment group with low dose of corticosteroids 12 . Evidently, all these results strongly suggest that proper use of low-dose corticosteroids may bring survival advantages for critically ill patients with 2019-nCoV, but this treatment should be strictly performed on NCP patients with definite clinical indications (such as refractory ARDS, sepsis or septic shock) according to the recommended guidelines.**
+
+[Clinical characteristics of novel coronavirus cases in tertiary hospitals in Hubei Province](https://doi.org/10.1097/CM9.0000000000000744)
+Authors: Kui, Liu; Fang, Yuan-Yuan; Deng, Yan; Liu, Wei; Wang, Mei-Fang; Ma, Jing-Ping; Xiao, Wei; Wang, Ying-Nan; Zhong, Min-Hua; Li, Cheng-Hong; Li, Guang-Cai; Liu, Hui-Guo
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.7132): **Based on the experience and lessons learned from the SARS and MERS outbreaks, the treatment site and protocol for confirmed cases of NCP are decided by disease severity: patients with mild symptoms (ie, coughing, low-grade fever, runny nose, and asymptomatic sore throat) are quarantined at home, whereas patients with moderate or severe disease are hospitalized for treatment. Our study cohort included only patients who were already critically ill. As there is currently no effective drug against the 2019-nCoV, symptomatic treatment and respiratory support were provided. Since the large-dose glucocorticoids used in the treatment of SARS resulted in serious adverse reactions [18, 19] but did not effectively decrease the mortality rate of CoV infection, [20] [21] [22] we treated patients with low-dose (30-80 mg/day) and short-term (3-5 days) methylpredisolone to alleviate the pulmonary exudates and inhibit a systemic cytokine storm. Unfortunately, this treatment did not provide significant benefits. As an alternative, intravenous injection with g-immunoglobulin can be offered; however, more clinical data are required to determine the efficacy of this treatment. In the middle and late stages of the disease, patients often develop additional bacterial or even fungal infections; therefore, careful attention must be paid to the rational use of antibiotics. In addition to the aforementioned treatments, respiratory support should be provided as early as possible. In this cohort, different types of oxygen therapy were administered according to each patient's pulse oximetry oxygen saturation and oxygenation index. For most patients, early non-invasive ventilation could promote positive outcomes. Alternatively, for critically ill patients, invasive ventilation or even ECMO should be considered. To date, ECMO has been successfully used to resuscitate one critically ill patient infected with this new CoV. Several drugs have already been tested against the 2019-nCoV and relevant clinical observation studies have been initiated with encouraging preliminary results. In particular, research on anti-coronaviral drugs and vaccines should be a continuous priority. None of these currently tested treatments was used in our cohort of patients, and thus their efficacy remains unknown.**
+
+[Potential benefits of precise corticosteroids therapy for severe 2019-nCoV pneumonia](https://doi.org/10.1038/s41392-020-0127-9)
+Authors: Gao, Wei Zhou; Yisi, Liu; Dongdong, Tian; Cheng, Wang; Sa, Wang; Jing, Cheng; Ming, Hu; Minghao, Fang; Yue
+Published: 2020-01-01 00:00:00
+Publication: Signal Transduction and Targeted Therapy
+Match (0.7108): **There is no fixed clinical guideline for the use of corticosteroids in critically ill patients in ICU. The anecdotal experience from SARS and sCAP therapy strongly supports precise corticosteroids management of NCP. Personalized medicine strategy should contain, but not limited to, specific indications, timing and duration, as well as therapeutic monitoring of corticosteroids therapy. As mentioned above, corticosteroids should be avoided unless there are indications for moderate or severe ARDS, sepsis or septic shock, in part consistent with the recommended clinical guidance from World Health Organization (WHO). We also do not suggest the use of corticosteroids for mild or early-stage ARDS, because early corticosteroids application could delay the clearance of virus and increase mortality risk, and corticosteroids are more likely to function on inflammation-mediated lung injury and interstitial fibro-proliferation at late-stage of ARDS 11 . Furthermore, clinical adverse complications in SARS patients with corticosteroids treatment have been reported to be dose-related. Over 240 mg of hydrocortisone-equivalent dose or an excessive cumulative dose was considered to be able to generate some side effects, including hyperglycemia, psychosis, and secondary infection, avascular necrosis 9, 10 . Hence, lower dose and short duration of corticosteroids treatment (methylprednisolone, <1 mg/kg body weight, no more than 7 days), along with adverse drug reaction monitoring, would be more beneficial in clinical management of critical patients with 2019-nCoV. In addition, a long-term follow-up (6 months to 3 years) is essential to identify delayed adverse effects in these patients. Of course, the optimal treatment strategy requires constant adjustment as patient's clinical performance changes.**
+
+[Potential benefits of precise corticosteroids therapy for severe 2019-nCoV pneumonia](https://doi.org/10.1038/s41392-020-0127-9)
+Authors: Gao, Wei Zhou; Yisi, Liu; Dongdong, Tian; Cheng, Wang; Sa, Wang; Jing, Cheng; Ming, Hu; Minghao, Fang; Yue
+Published: 2020-01-01 00:00:00
+Publication: Signal Transduction and Targeted Therapy
+Match (0.7108): **There is no fixed clinical guideline for the use of corticosteroids in critically ill patients in ICU. The anecdotal experience from SARS and sCAP therapy strongly supports precise corticosteroids management of NCP. Personalized medicine strategy should contain, but not limited to, specific indications, timing and duration, as well as therapeutic monitoring of corticosteroids therapy. As mentioned above, corticosteroids should be avoided unless there are indications for moderate or severe ARDS, sepsis or septic shock, in part consistent with the recommended clinical guidance from World Health Organization (WHO). We also do not suggest the use of corticosteroids for mild or early-stage ARDS, because early corticosteroids application could delay the clearance of virus and increase mortality risk, and corticosteroids are more likely to function on inflammation-mediated lung injury and interstitial fibro-proliferation at late-stage of ARDS 11 . Furthermore, clinical adverse complications in SARS patients with corticosteroids treatment have been reported to be dose-related. Over 240 mg of hydrocortisone-equivalent dose or an excessive cumulative dose was considered to be able to generate some side effects, including hyperglycemia, psychosis, and secondary infection, avascular necrosis 9, 10 . Hence, lower dose and short duration of corticosteroids treatment (methylprednisolone, <1 mg/kg body weight, no more than 7 days), along with adverse drug reaction monitoring, would be more beneficial in clinical management of critical patients with 2019-nCoV. In addition, a long-term follow-up (6 months to 3 years) is essential to identify delayed adverse effects in these patients. Of course, the optimal treatment strategy requires constant adjustment as patient's clinical performance changes.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.7040): **The use of corticosteroids for severe ARDS is controversial; therefore, systemic use of glucocorticoids needs to be cautious. Methylprednisolone can be used as appropriate for patients with rapid disease progression or severe illness. According to the severity of the disease, 40 to 80 mg of methylprednisolone per day can be considered, and the total daily dose should not exceed 2 mg/kg (Weak recommendation). SARS management related researches showed that timely use of non-invasive continuous positive airway pressure and corticosteroids is an effective strategy for increased lung shadows and increased dyspnea. Appropriate use of glucocorticoids is able to significantly improve the clinical symptoms of patients with SARS, reduce the degree of disease progression, and accelerate the absorption of lung lesions; but it cannot shorten the length of hospital stay [35, 36] . Be cautious that hormone therapy has some incidence of adverse reactions [37] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.7040): **The use of corticosteroids for severe ARDS is controversial; therefore, systemic use of glucocorticoids needs to be cautious. Methylprednisolone can be used as appropriate for patients with rapid disease progression or severe illness. According to the severity of the disease, 40 to 80 mg of methylprednisolone per day can be considered, and the total daily dose should not exceed 2 mg/kg (Weak recommendation). SARS management related researches showed that timely use of non-invasive continuous positive airway pressure and corticosteroids is an effective strategy for increased lung shadows and increased dyspnea. Appropriate use of glucocorticoids is able to significantly improve the clinical symptoms of patients with SARS, reduce the degree of disease progression, and accelerate the absorption of lung lesions; but it cannot shorten the length of hospital stay [35, 36] . Be cautious that hormone therapy has some incidence of adverse reactions [37] .**
+
+[Clinical characteristics of 101 non-surviving hospitalized patients with COVID-19: A single center, retrospective study](https://doi.org/doi.org/10.1101/2020.03.04.20031039)
+Authors: Qiao Shi; Kailiang Zhao; Jia Yu; Jiarui Feng; Kaiping Zhao; Xiaoyi Zhang; Xiaoyan Chen; Peng Hu; Yupu Hong; Man Li; Fang Liu; Chen Chen; Weixing Wang
+Published: 2020-03-06 00:00:00
+Match (0.7023): **Up to now, no antiviral treatment has been recommended for coronavirus treatment except supportive care and organ support [5, 20] . In current clinical practice, arbidol was used as an antiviral treatment for SARS-CoV-2 infected patients, but the curative effect remains unclear. Other antiviral medications including remdesivir and lopinavir etc. are still being verified in clinical trials. Furthermore, use of intravenous immunoglobulin is recommended to enhance the ability of anti-infection for severely ill patients and steroids are recommended for patients with ARDS, for as short duration of treatment as possible [21] . In this study, 96.04% patients received antiviral therapy, 98.02% received antibacterial therapy. Use of glucocorticoid mainly depended on the severity of inflammatory response. In the early outbreak of COVID-19, all the non-survivors received oxygen inhalation therapy including high flow oxygen inhalation (77.23%), but quite a low proportion of patients received machine ventilation partly due to limited medical resources against the steeply increasing number of patients.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.7006): **(1) Hypoxic respiratory failure and severe ARDS. Give oxygen therapy immediately to patients with ARDS, and closely monitor them for signs of clinical deterioration, such as rapidly progressive respiratory failure. Consider severe hypoxemic respiratory failure when standard oxygen therapy fails. Conservative fluid management can be adopted for ARDS patients without tissue hypoperfusion. Use vasoactive drugs to improve microcirculation. Empirical antibiotics targeting the suspected potential infection should be used as soon as possible, blind or improper combination of broad-spectrum antibiotics should be avoided. Unless for special reasons, the routine use of corticosteroids should be avoided. Glucocorticoids can be used in a short time (3-5 days) according to the degree of dyspnea and the progress of chest imaging if appropriate and the recommended dose is not more than the equivalent to 1-2 mg/kg methylprednisone per day. Provide intensive standard supportive care to the critically ill patients, including prevention of deep vein thrombosis and stress-induced gastrointestinal bleeding, blood glucose control and so on. Enteral nutrition can be provided. Supplemental nutrition with omega-3 fatty acids and antioxidants is not recommended. Inhaled or intravenous beta-adrenergic agonists are not recommended to promote alveolar fluid clearance and resolution of pulmonary edema.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.7006): **(1) Hypoxic respiratory failure and severe ARDS. Give oxygen therapy immediately to patients with ARDS, and closely monitor them for signs of clinical deterioration, such as rapidly progressive respiratory failure. Consider severe hypoxemic respiratory failure when standard oxygen therapy fails. Conservative fluid management can be adopted for ARDS patients without tissue hypoperfusion. Use vasoactive drugs to improve microcirculation. Empirical antibiotics targeting the suspected potential infection should be used as soon as possible, blind or improper combination of broad-spectrum antibiotics should be avoided. Unless for special reasons, the routine use of corticosteroids should be avoided. Glucocorticoids can be used in a short time (3-5 days) according to the degree of dyspnea and the progress of chest imaging if appropriate and the recommended dose is not more than the equivalent to 1-2 mg/kg methylprednisone per day. Provide intensive standard supportive care to the critically ill patients, including prevention of deep vein thrombosis and stress-induced gastrointestinal bleeding, blood glucose control and so on. Enteral nutrition can be provided. Supplemental nutrition with omega-3 fatty acids and antioxidants is not recommended. Inhaled or intravenous beta-adrenergic agonists are not recommended to promote alveolar fluid clearance and resolution of pulmonary edema.**
+
diff --git a/tasks/medical-care.txt b/tasks/medical-care.txt new file mode 100644 index 0000000..9202910 --- /dev/null +++ b/tasks/medical-care.txt @@ -0,0 +1,16 @@ +Resources to support skilled nursing facilities and long term care facilities. +Mobilization of surge medical staff to address shortages in overwhelmed communities +Age-adjusted mortality data for Acute Respiratory Distress Syndrome (ARDS) with/without other organ failure – particularly for viral etiologies +Extracorporeal membrane oxygenation (ECMO) outcomes data of COVID-19 patients +Outcomes data for COVID-19 after mechanical ventilation adjusted for age. +Knowledge of the frequency, manifestations, and course of extrapulmonary manifestations of COVID-19, including, but not limited to, possible cardiomyopathy and cardiac arrest. +Application of regulatory standards (e.g., EUA, CLIA) and ability to adapt care to crisis standards of care level. +Approaches for encouraging and facilitating the production of elastomeric respirators, which can save thousands of N95 masks. +Best telemedicine practices, barriers and faciitators, and specific actions to remove/expand them within and across state boundaries. +Guidance on the simple things people can do at home to take care of sick people and manage disease. +Oral medications that might potentially work. +Use of AI in real-time health care delivery to evaluate interventions, risk factors, and outcomes in a way that could not be done manually. +Best practices and critical challenges and innovative solutions and technologies in hospital flow and organization, workforce protection, workforce allocation, community-based support resources, payment, and supply chain management to enhance capacity, efficiency, and outcomes. +Efforts to define the natural history of disease to inform clinical care, public health interventions, infection prevention control, transmission, and clinical trials +Efforts to develop a core clinical outcome set to maximize usability of data across a range of trials +Efforts to determine adjunctive and supportive interventions that can improve the clinical outcomes of infected patients (e.g. steroids, high flow oxygen) \ No newline at end of file diff --git a/tasks/risk-factors.md b/tasks/risk-factors.md new file mode 100644 index 0000000..145a706 --- /dev/null +++ b/tasks/risk-factors.md @@ -0,0 +1,443 @@ +# Smoking, pre-existing pulmonary disease + +[Analysis of factors associated with disease outcomes in hospitalized patients with 2019 novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000775)
+Authors: Liu, Wei; Tao, Zhao-Wu; Lei, Wang; Ming-Li, Yuan; Kui, Liu; Ling, Zhou; Shuang, Wei; Yan, Deng; Jing, Liu; Liu, Hui-Guo; Ming, Yang; Yi, Hu
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.6900): **The personal data and clinical data of patients included in the study were collected. Personal data included sex, age, epidemiological history, history of smoking, and comorbidities [e.g., chronic obstructive pulmonary disease (COPD), cancer, hypertension and/or diabetes].**
+
+[Clinical Characteristics of 24 Asymptomatic Infections with COVID-19 Screened among Close Contacts in Nanjing, China](https://doi.org/doi.org/10.1101/2020.02.20.20025619)
+Authors: Zhiliang Hu; Ci Song; Chuanjun Xu; Guangfu Jin; Yaling Chen; Xin Xu; Hongxia Ma; Wei Chen; Yuan Lin; Yishan Zheng; Jianming Wang; zhibin hu; Yongxiang Yi; Hongbing Shen
+Published: 2020-02-23 00:00:00
+Match (0.6875): **History of smoking and coexisting disorders was also collected.**
+
+[Clinical characteristics of 36 non-survivors with COVID-19 in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.27.20029009)
+Authors: Ying Huang; Rui Yang; Ying Xu; Ping Gong
+Published: 2020-02-29 00:00:00
+Match (0.6544): **Besides, there were 4 (11.11%) non-survivors who had smoking history and 4 (11.11%) had preexisting COPD. According to previous studies on middle east respiratory syndrome coronavirus (MERS-CoV), smokers and COPD patients might be susceptible to MERS. Further, compared to non-smokers, smokers and COPD patients had a higher dipeptidyl peptidase IV (DPP4) expression, which was inversely correlated with lung function and diffusing capacity parameters 16 . Although the relationship between smoking history and susceptibility as well as worse outcomes in COVID-19 remains unclear, we cautioned that the prognosis of COVID-19 in patients with smoking history might be more severe.**
+
+[Association of Cardiovascular Manifestations with In-hospital Outcomes in Patients with COVID-19: A Hospital Staff Data](https://doi.org/doi.org/10.1101/2020.02.29.20029348)
+Authors: Ru Liu; Xiaoyan Ming; Ou Xu; Jianli Zhou; Hui Peng; Ning Xiang; Jiaming Zhang; Hong Zhu
+Published: 2020-03-03 00:00:00
+Match (0.5962): **As a young and middle-aged population, mostly of them were generally healthy, presented as less comorbidities (29.3%) than general community population previously reported [11, 12] . The comorbidities with high incidence in the elderly like diabetes mellitus (DM), hypertension, coronary artery disease (CAD), chronic obstructive pulmonary disease (COPD) and malignant tumor were all lower than 5.0%.**
+
+[Clinical characteristics of 101 non-surviving hospitalized patients with COVID-19: A single center, retrospective study](https://doi.org/doi.org/10.1101/2020.03.04.20031039)
+Authors: Qiao Shi; Kailiang Zhao; Jia Yu; Jiarui Feng; Kaiping Zhao; Xiaoyi Zhang; Xiaoyan Chen; Peng Hu; Yupu Hong; Man Li; Fang Liu; Chen Chen; Weixing Wang
+Published: 2020-03-06 00:00:00
+Match (0.5831): **Although previous study reported the mortality of patients with COVID-19 is 1.4% [12] , some special population including the aged and individuals with underlying comorbidities may be vulnerable to SARS-CoV-2 infection. In our cohort, the median age of non-survivor was 71 years, 81.19% of them combined with one or more underlying medical conditions including hypertension, cardiovascular disease, diabetes, chronic pulmonary disease, cerebrovascular disease, chronic kidney disease and malignancy. This study suggested that patients aged over 70 years with chronic medical conditions were more likely to suffer a severe attack and death.**
+
+[Integrative Bioinformatics Analysis Provides Insight into the Molecular Mechanisms of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.03.20020206)
+Authors: Xiang He; Lei Zhang; Qin Ran; Anying Xiong; Junyi Wang; Dehong Wu; Feng Chen; Guoping Li
+Published: 2020-02-05 00:00:00
+Match (0.5825): **Among the 2019-nCoV infected patients, there are many patients with underlying diseases, such as chronic respiratory disease and cardiovascular disease. Therefore, it is important to evaluate whether patients with underlying diseases are more susceptible to coronavirus infection than healthy population. Firstly, we analyzed the expression of ACE2 in lung in the different populations. The expression level of ACE2 was not significantly altered between healthy populations and patients with chronic respiratory diseases including chronic obstructive pulmonary diseases (COPD) and asthma ( Figure 1A , 1B, and 1C, p-value > 0.05). It indicated that 2019-nCoV . CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Exploring diseases/traits and blood proteins causally related to expression of ACE2, the putative receptor of 2019-nCov: A Mendelian Randomization analysis](https://doi.org/doi.org/10.1101/2020.03.04.20031237)
+Authors: Shitao Rao; Alexandria Lau; Hon-Cheong So
+Published: 2020-03-08 00:00:00
+Match (0.5513): **In a related work, recently Cai 15 performed an analysis with TCGA datasets and showed that smoking is associated with elevated expression of ACE2 in the lung, which may be associated with greater susceptibility to infection or more severe illness. However, there are several limitations as detailed by the author. For example, the samples studied are derived from patients with lung cancer, which may not be fully reflective of the expression in normal lung tissues. Another potential limitation is that it is difficult to control for all confounders, as smoking may be related to other unhealthy life habits 16 and multiple comorbid diseases 17, 18 .**
+
+[Comorbidity and its impact on 1,590 patients with COVID-19 in China: A Nationwide Analysis](https://doi.org/doi.org/10.1101/2020.02.25.20027664)
+Authors: Wei-jie Guan; Wen-hua Liang; Yi Zhao; Heng-rui Liang; Zi-sheng Chen; Yi-min Li; Xiao-qing Liu; Ru-chong Chen; Chun-li Tang; Tao Wang; Chun-quan Ou; Li Li; Ping-yan Chen; Ling Sang; Wei Wang; Jian-fu Li; Cai-chen Li; Li-min Ou; Bo Cheng; Shan Xiong; Zheng-yi Ni; Yu Hu; Jie Xiang; Lei Liu; Hong Shan; Chun-liang Lei; Yi-xiang Peng; Li Wei; Yong Liu; Ya-hua Hu; Peng Peng; Jian-ming Wang; Ji-yang Liu; Zhong Chen; Gang Li; Zhi-jian Zheng; Shao-qin Qiu; Jie Luo; Chang-jiang Ye; Shao-yong Zhu; Lin-ling Cheng; Feng Ye; Shi-yue Li; Jin-ping Zheng; Nuo-fu Zhang; Nan-shan Zhong; Jian-xing He
+Published: 2020-02-27 00:00:00
+Match (0.5433): **is the (which was not peer-reviewed) The copyright holder for this preprint Except for diabetes, no other comorbidities were identified to be the predictors of poor clinical outcomes in patients with MERS-CoV infections [21] . Few studies, however, have explored the . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity. There has been a considerable overlap in the comorbidities which has been widely accepted. For instance, diabetes [29] and COPD [30] frequently co-exist with hypertension or coronary heart diseases. Therefore, patients with co-existing comorbidities are more likely to have poorer baseline well-being. Importantly, we have verified the significantly escalated risk of poor prognosis in patients with two or more comorbidities as compared with those who had no or only a single comorbidity. Our findings implied that both the category and number of comorbidities should be taken into account when predicting the prognosis in patients with COVID-19.**
+
+[Sex differences in clinical findings among patients with coronavirus disease 2019 (COVID-19) and severe condition](https://doi.org/doi.org/10.1101/2020.02.27.20027524)
+Authors: Jing Li; Yinghua Zhang; Fang Wang; Bing Liu; Hui Li; Guodong Tang; Zhigang Chang; Aihua Liu; Chunyi Fu; Jing Gao; Jing Li
+Published: 2020-02-29 00:00:00
+Match (0.5426): **From February 8 to February 11, 2020, 47 laboratory-confirmed COVID-19 patients were classified as severe pneumonia at the area, 28 (59.6%) cases were men. About 63.8% of patients had comorbidities. History of chronic obstructive pulmonary disease (COPD) was non-significant higher but hypertension and cardiovascular disease (CVD) was lower in men than in women. The initial symptoms were mainly fever, cough, myalgia and fatigue.**
+
+[Clinical Characteristics of Coronavirus Pneumonia 2019 (COVID-19): An Updated Systematic Review](https://doi.org/doi.org/10.1101/2020.03.07.20032573)
+Authors: Zhangfu Fang; Fang Yi; Kang Wu; Kefang Lai; Xizhuo Sun; Nanshan Zhong; Zhigang Liu
+Published: 2020-03-10 00:00:00
+Match (0.5374): **indicating that COVID-19 may not have a gender predisposition. Although 13.2% of the selected patients had a history of smoking, we could not draw the conclusion that smokers are less susceptible to the viral infection than non-smokers, as the patients included in our analysis were from a sample pool that was not representative the general population by smoking status.**
+
+# Co-infections (determine whether co-existing respiratory/viral infections make the virus more transmissible or virulent) and other co-morbidities + +[Precautions are Needed for COVID-19 Patients with Coinfection of Common Respiratory Pathogens](https://doi.org/doi.org/10.1101/2020.02.29.20027698)
+Authors: Quansheng Xing; Guoju Li; Yuhan Xing; Ting Chen; Wenjie Li; Wei Ni; Kai Deng; Ruqin Gao; Changzheng Chen; Yang Gao; Qiang Li; Guiling Yu; Jianning Tong; Wei Li; Guiliang Hao; Yue Sun; Ai Zhang; Qin Wu; Zipu Li; Silin Pan
+Published: 2020-03-03 00:00:00
+Match (0.5722): **Precautions are Needed for COVID-19 Patients with Coinfection of Common Respiratory Pathogens**
+
+[Clinical findings in critical ill patients infected with SARS-Cov-2 in Guangdong Province, China: a multi-center, retrospective, observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030668)
+Authors: Yonghao Xu; Zhiheng Xu; Xuesong Liu; Lihua Cai; Haichong Zheng; Yongbo Huang; Lixin Zhou; Linxi Huang; Yun Lin; Liehua Deng; Jianwei Li; Sibei Chen; Dongdong Liu; Zhimin Lin; Liang Zhou; Weiqun He; Xiaoqing Liu; Yimin Li
+Published: 2020-03-06 00:00:00
+Match (0.5684): **Secondary infections, including bacterial co-infection and fungal co-infection, were identified in 17 (37.8%) and 12 (26.7%) patients, respectively (table 3) .**
+
+[A pneumonia outbreak associated with a new coronavirus of probable bat origin](https://doi.org/10.1038/s41586-020-2012-7)
+Authors: Zhou, Peng; Yang, Xing-Lou; Wang, Xian-Guang; Hu, Ben; Zhang, Lei; Zhang, Wei; Si, Hao-Rui; Zhu, Yan; Li, Bei; Huang, Chao-Lin; Chen, Hui-Dong; Chen, Jing; Luo, Yun; Guo, Hua; Jiang, Ren-Di; Liu, Mei-Qin; Chen, Ying; Shen, Xu-Rui; Wang, Xi; Zheng, Xiao-Shuang; Zhao, Kai; Chen, Quan-Jiao; Deng, Fei; Liu, Lin-Lin; Yan, Bing; Zhan, Fa-Xian; Wang, Yan-Yi; Xiao, Geng-Fu; Shi, Zheng-Li
+Published: 2020-01-01 00:00:00
+Publication: Nature
+Match (0.5405): **The study provides a detailed report on 2019-nCoV, the likely aetiological agent responsible for the ongoing epidemic of acute respiratory syndrome in China and other countries. Virus-specific nucleotidepositive and viral-protein seroconversion was observed in all patients tested and provides evidence of an association between the disease and the presence of this virus. However, there are still many urgent questions that remain to be answered. The association between 2019-nCoV and the disease has not been verified by animal experiments to fulfil the Koch's postulates to establish a causative relationship between a microorganism and a disease. We do not yet know the transmission routine of this virus among hosts. It appears that the virus is becoming more transmissible between humans. We should closely monitor whether the virus continues to evolve to become more virulent. Owing to a shortage of specific treatments and considering the relatedness of 2019-nCoV to SARS-CoV, some drugs and pre-clinical vaccines against Table 2 ). The asterisk indicates data collected from patient ICU-06 on 10 January 2020. b, c, The cut-off was to 0.2 for the IgM analysis and to 0.3 for the IgG analysis, according to the levels of healthy controls.**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.5297): **An increasing number of cases evidenced the 2019-nCoV have the ability to transmit among humans [13, 14] . To date, no research found the special susceptible population of the new virus seems like SARS [15] , 2019-nCoV is easily transmissible in human generally, but disease severity is not correlated to transmission efficiency [16] . According to the Chinese Center for Disease Control and Prevention (China CDC) reported that laboratory tests ruled out SARS-CoV, MERS-CoV, influenza, avian influenza, adenovirus and other common respiratory pathogens. CDC considered the 2019-nCoV as a possible pathogen causing the outbreak [16] . The 2019-nCoV can cause severe illness in old patients with comorbidities and transmit readily among people [17] . At present, the mortality of 2019-nCoV in China is 2.3% [3] , compared with 9.6% of SARS and 34.4% of MERS reported by WHO [16, 18] . Based on the current data, the new virus is not as fatally as many people thought.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.5171): **Generally, the COVID-19 is less severe and less fatal than the SARS, however, some patients, especially aged populations with co-morbidities are prone to develop more severe symptoms and require emergent medical interventions [9] . It is not completely understood why some patients develop severe but others have mild or even asymptomatic diseases by the same SARS-CoV-2**
+
+[Emerging threats from zoonotic coronaviruses-from SARS and MERS to 2019-nCoV](https://doi.org/10.1016/j.jmii.2020.02.001)
+Authors: Lee, Ping-Ing; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.5101): **All three zoonotic coronavirus outbreaks in recent decades are associated with pneumonia in patients with severe illness. Available data suggest that the 2019-nCoV may be less pathogenic than the MERS-CoV and SARS-CoV (Table 2 ). However, the severity of the disease is not necessarily linked to its transmission efficiency and pandemic potential. 5 A rapidly increasing number of 2019-nCoV-infected cases suggests that this virus may be transmitted effectively among humans, and mild illness may be quite common in infected individuals. 1,2,5,6 These two features confer a high pandemic potential to the 2019-nCoV ( Table 2) .**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5088): **Coronaviruses are endemic in the human population and are responsible for up to 30% of annual respiratory infections resulting in rhinitis, pharyngitis, sinusitis, bronchiolitis, and pneumonia [16, 17] . While primarily associated with relatively mild, self-limiting respiratory infections, infection from these viruses can result in severe disease in neonates, the elderly, and those with underlying comorbidities [18] . However, coronaviruses are now considered potential threats to global public health following the emergence of SARS-CoV in 2002 (9% CFR), and MERS-CoV in 2012 (35% CFR).**
+
+[Optimizing diagnostic strategy for novel coronavirus pneumonia, a multi-center study in Eastern China](https://doi.org/doi.org/10.1101/2020.02.13.20022673)
+Authors: Jing-Wen Ai; Hao-Cheng Zhang; Teng Xu; Jing Wu; Mengqi Zhu; Yi-Qi Yu; Han-Yue Zhang; Zhongliang Shen; Yang Li; Xian Zhou; Guo-Qing Zang; Jie Xu; Wen-Jing Chen; Yong-Jun Li; De-Sheng Xie; Ming-Zhe Zhou; Jing-Ying Sun; Jia-Zhen Chen; Wen-Hong Zhang
+Published: 2020-02-17 00:00:00
+Match (0.4883): **In the previous articles, researchers found severe ICU patients had coinfections of bacteria and fungi 19 . It probably occurred secondary to severe ARDS or large dose or long time of glucocorticoid therapy. The common pathogen included A. baumannii, K. pneumoniae, A flavus, C. glabrata, and C. albicans. However in our study, we found 5 co-infection virus cases other than the common bacterial and fungi, including influenza, rhino/enterovirus, respiratory syncytial viral and etc, suggesting that virus co-infection may be the common phenomena in winter pneumonia cases. Thus, positive pathogen results (especially virus and atypical pathogens, which is a type of common pathogens detection in unexplained pneumonia) cannot be the exclusive criteria to COVID-2019 during unexplained pneumonia diagnosis.**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4879): **The novel coronavirus disease (COVID-19) is the most severe public health emergency since the outbreak of SARS in 2003. There are two main lines of combat against this public health threat: (1) control and prevention of the epidemic and (2) scientific research. For the effective control of the spread of a newly identified virus, we must first understand its infection and pathogenicity patterns, as quickly and as thoroughly as possible, to provide insights into the outbreak and develop targeted prevention and control strategies. [5] Genomic analyses indicate that 2019-nCoV may have originated from bats, [1, 2] and current knowledge of other coronaviruses that infect humans, e.g., SARS-CoV and MERS-CoV, suggests that there may have been intermediate animal hosts. [6] Regarding epidemiology, most of the initial patients were exposed to the Huanan Seafood Market in Wuhan, but there were also individual cases that did not have a history of exposure. Tracing the source of the virus is of great importance for controlling the epidemic. The clinical manifestation of COVID-19 is very complex, and four clinical phenotypes have been identified, i.e. mildly, commonly, severely, and critically ill patients. [7] Some cases are characterized by mild symptoms and close-to-normal body temperatures and some are asymptomatic carriers, but both symptomatic and asymptomatic patients are contagious, which leads to difficulties in the timely identification of cases. Attention should be paid to the spectrum of disease severity and transmission modes to address questions such as how to identify the proportion of asymptomatic infections and whether a patient is contagious during the incubation period. Although a previous study showed that the overall mortality of the disease is about 2.3%, [8] but unregulated inflammatory responses and cytokine storms have been reported and the incidence of lymphopenia is also notable. [2] Insights into the pathological immune response are critical to understanding the pathogenesis of the disease and finding novel therapies to decrease mortality.**
+
+[Gender differences in patients with COVID-19: Focus on severity and mortality](https://doi.org/doi.org/10.1101/2020.02.23.20026864)
+Authors: Jian-Min Jin; Peng Bai; Wei He; Fei Wu; Xiao-Fang Liu; De-Min Han; Shi Liu; Jin-Kui Yang
+Published: 2020-02-25 00:00:00
+Match (0.4808): **This is the first preliminary study investigating the gender role in morbidity and mortality of SARS-CoV-2 infection. It is suggested that COVID-19 is more likely to affect older males with comorbidities, and can result in severe and even fatal respiratory diseases such as ARDS 10 . Among the 425 patients with COVID-19, 56%**
+
+# Neonates and pregnant women + +[Evaluation of the clinical characteristics of suspected or confirmed cases of COVID-19 during home care with isolation: A new retrospective analysis based on O2O](https://doi.org/doi.org/10.1101/2020.02.26.20028084)
+Authors: Hui Xu; Sufang Huang; Shangkun Liu; Juan Deng; Bo Jiao; Ling Ai; Yaru Xiao; Li Yan; Shusheng Li
+Published: 2020-02-29 00:00:00
+Match (0.8157): **(1) Pregnant or breast-feeding women;**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7638): **A case-control study to determine the effects of SARS on pregnancy compared 10 pregnant and 40 non-pregnant women with the infection at the Princess Margaret Hospital in Hong Kong [27, 33] . There were 3 deaths among the pregnant women with SARS (maternal mortality rate of 30%) and no deaths in the non-pregnant group of infected women (P = 0.006). Renal failure (P = 0.006) and disseminated intravascular coagulopathy (P = 0.006) developed more frequently in pregnant SARS patients when compared with the non-pregnant SARS group. Six pregnant women with SARS required admission to the intensive care unit (ICU) (60%) and 4 required endotracheal intubation (40%), compared with a 12.5% intubation rate (P = 0.065) and 17.5% ICU admission rate (P = 0.012) in the non-pregnant group.**
+
+[Clinical analysis of 10 neonates born to mothers with 2019-nCoV pneumonia](http://dx.doi.org/10.21037/tp.2020.02.06)
+Authors: Zhu, Huaping; Wang, Lin; Fang, Chengzhi; Peng, Sicong; Zhang, Lianhong; Chang, Guiping; Xia, Shiwen; Zhou, Wenhao
+Match (0.7598): **Clinical analysis of 10 neonates born to mothers with 2019-nCoV pneumonia**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7591): **Pneumonia arising from any infectious etiology is an important cause of morbidity and mortality among pregnant women. It is the most prevalent non-obstetric infectious condition that occurs during pregnancy [14] [15] [16] . In one study pneumonia was the 3rd most common cause of indirect maternal death [17] . Approximately 25 percent of pregnant women who develop pneumonia will need to be hospitalized in critical care units and require ventilatory support [16] . Although bacterial pneumonia is a serious disease when it occurs in pregnant women, even when the agent(s) are susceptible to antibiotics, viral pneumonia has even higher levels of morbidity and mortality during pregnancy [18] . As with other infectious diseases, the normal maternal physiologic changes that accompany pregnancy-including altered cell-mediated immunity [19] and changes in pulmonary function-have been hypothesized to affect both susceptibility to and clinical severity of pneumonia [20] [21] [22] . This has been evident historically during previous epidemics. The case fatality rate (CFR) for pregnant women infected with influenza during the 1918-1919 pandemic was 27%-even higher when exposure occurred during the 3rd trimester and upwards of 50% if pneumonia supervened [23] . During the 1957-1958 Asian flu epidemic, 10% of all deaths occurred in pregnant women, and their CFR was twice as high as that of infected women who were not pregnant [24] . The most common adverse obstetrical outcomes associated with maternal pneumonias from all causes include premature rupture of membranes (PROM) and preterm labor (PTL), intrauterine fetal demise (IUFD), intrauterine growth restriction (IUGR), and neonatal death [14] [15] [16] .**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7379): **Pneumonia arising from any infectious etiology is an important cause of morbidity and mortality among pregnant women. It is the most prevalent non-obstetric infectious condition that occurs during pregnancy [14] [15] [16] . In one study pneumonia was the 3rd most common cause of indirect maternal death [17] . Approximately 25 percent of pregnant women who develop pneumonia will need to be hospitalized in critical care units and require ventilatory support [16] . Although bacterial pneumonia is a serious disease when it occurs in pregnant women, even when the agent(s) are susceptible to antibiotics, viral pneumonia has even higher levels of morbidity and mortality during pregnancy [18] . As with other infectious diseases, the normal maternal physiologic changes that accompany pregnancy-including altered cell-mediated immunity [19] and changes in pulmonary function-have been hypothesized to affect both susceptibility to and clinical severity of pneumonia [20] [21] [22] . This has been evident historically during previous epidemics. The case fatality rate (CFR) for pregnant women infected with influenza during the 1918-1919 pandemic was 27%-even higher when exposure occurred during the 3rd trimester and upwards of 50% if pneumonia supervened [23] . During the 1957-1958 Asian flu epidemic, 10% of all deaths occurred in pregnant women, and their CFR was twice as high as that of infected women who were not pregnant [24] . The most common adverse obstetrical outcomes associated with maternal pneumonias from all causes include This newly recognized coronavirus, producing a disease that has been termed COVID-19, is rapidly spreading throughout China, has crossed international borders to infect persons in neighboring countries, and humans infected by the virus are travelling via commercial airlines to other continents. It is certain that 2019-nCoV will infect women who are pregnant, leaving the question open as to whether the novel coronavirus will have a similar or different effect on them compared with SARS-CoV and MERS-CoV. In order to address the potential obstetrical outcomes of infection to both mother and infant, the present communication describes the current state of knowledge regarding the effects of other coronavirus infections in pregnancy.**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7368): **The clinical outcomes among pregnant women with SARS in Hong Kong were worse than those occurring in infected women who were not pregnant [32] . Wong et al. [29] evaluated the obstetrical outcomes from a cohort of pregnant women who developed SARS in Hong Kong during the period of 1 February to 31 July 2003. Four of the 7 women (57%) that presented during the 1st trimester sustained spontaneous miscarriages, likely a result of the hypoxia that was caused by SARS-related acute respiratory distress. Among the 5 women who presented after 24 weeks gestation, 4 had preterm deliveries (80%).**
+
+[Guidelines for pregnant women with suspected SARS-CoV-2 infection](https://doi.org/10.1016/S1473-3099(20)30157-2)
+Authors: Favre, Guillaume; Pomar, Léo; Qi, Xiaolong; Nielsen-Saines, Karin; Musso, Didier; Baud, David
+Publication: The Lancet Infectious Diseases
+Match (0.7358): **Guidelines for pregnant women with suspected SARS-CoV-2 infection**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7189): **Maxwell et al. [32] reported 7 pregnant women infected with SARS-CoV who were followed at a designated SARS unit-2 of the 7 died (CFR of 28%), and 4 (57%) required ICU hospitalization and mechanical ventilation. In contrast, the mortality rate was less than 10% and mechanical ventilation rate less than 20% among non-pregnant, age-matched counterparts who were not infected with SARS-CoV. Two women with SARS recovered and maintained their pregnancy but had infants with IUGR. Among the live newborn infants, none had clinical or laboratory evidence for SARS-CoV infection. The new mothers who had developed SARS were advised not to breastfeed to prevent possible vertical transmission of the virus.**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.7142): **Limited data exists on the prevalence and clinical features of MERS during pregnancy, birth, and the postnatal period. It is likely, however, that the immunological changes that normally occur in pregnancy may alter susceptibility to the MERS-CoV and the severity of clinical illness [60] . Pregnant women infected with SARS-CoV, a related coronavirus, appear to have increased morbidity and mortality when compared to non-pregnant women, suggesting that MERS-CoV could also lead to severe clinical outcomes in pregnancy. To date, however, very few pregnancy-associated cases (n = 11) have been documented, with 91% having adverse clinical outcomes.**
+
+[What are the risks of COVID-19 infection in pregnant women?](https://doi.org/10.1016/S0140-6736(20)30365-2)
+Authors: Qiao, Jie
+Published: 2020-01-01 00:00:00
+Publication: The Lancet
+Match (0.7141): **What are the risks of COVID-19 infection in pregnant women?**
+
+# Socio-economic and behavioral factors to understand the economic impact of the virus and whether there were differences. + +[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6109): **Given the likely impact on at least the Chinese economy and probably the global economy, it will be important to understand the role and the effectiveness of public health measures on this scale for the future.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.6027): **Using a qualitative approach, this study allowed us to explore a variety of risk factors at different individual, community and policy levels to contextualize the risks of zoonotic disease emergence in local communities. The findings provide guidance for future in-depth research on specific risk factors, as well as zoonotic disease control and prevention in southern China and potentially other regions with similar ecological and social contexts.**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.5551): **The COVID-19 outbreak and subsequent containment measures to lower the zoonotic virus transmission offer a unique opportunity to reassess the exposure to live animals, demand for wild animal consumption, and public readiness to further regulate wet markets. In this study, we aim to investigate behaviour patterns of population interaction to live animals, with a particular focus on differences before and during the outbreak, between Wuhan and Shanghai representing diverse exposure intensities to COVID-19. We also seek to understand levels of public support for containment measures and public confidence in their effectiveness to quell the outbreak. This study will help to clarify the public's response to the outbreak and has important policy implications regarding the social acceptability of infection containment measures and their application in different contexts.**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.5204): **Vulnerability Index (IDVI) that was introduced as a synthetic metric to account for a broader set of factors, including descriptors of health care, public health, economic, demographic, disease dynamics, and political (domestic and international) conditions [17] . While the SPAR indicator is a self-evaluation of countries capacity focusing on public health, the IDVI indicator includes broader sets of conditions that may have an impact on the management of a disease emergency.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.5203): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02. 18.20024448 doi: medRxiv preprint Table 3 . Perception factors associated with anxiety and behavioral responses Table 1 are controlled for. * for significance at the 5% level; ** for significance at the 1% level.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.5199): **Containment measures in the COVID-19 outbreak have focused on identifying, treating, and isolating infected people, tracing and quarantining their close contacts, and promoting precautionary behaviors among the general public. Therefore, the psychological and behavioral responses of the general population play an important role in the control of the outbreak. Previous studies have explored on this topic in various culture settings with SARS, 4, 5, 6 pandemic influenza A(H1N1), 7, 8, 9, 10 and influenza A(H7N9). 11, 12, 13 Cultural differences are evident in public responses. 14, 15 Behavioral changes are also associated with government involvement level, perceptions of diseases, and the stage of the outbreak, and these factors vary by diseases and settings. 4, 5, 8, 16 The current COVID-19 outbreak provides a unique platform to study behavioral changes for two main reasons. First, government engagement in the control of the outbreak has been unprecedented, for example, locking down Wuhan and surrounding cities, building new hospitals to treat infected patients in Wuhan within two weeks, extending holidays and school closure, deploying thousands of medical staff to heavily affected areas, and running intense public messaging campaigns. Second, the public are faced with rather mixed information, partly because knowledge of the newly emerging disease is evolving with the course of the outbreak. For example, the national technical protocols for COVID-19 released by the National Health Commission have been updated five times within a month. Both features might result in different public responses towards the outbreak. In this study, we aimed to investigate psychological and behavioral responses to the threat of COVID-19 outbreak and to examine public perceptions associated with the response outcomes in mainland China.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5005): **Epidemics such as the H1N1 influenza pandemic, severe acute respiratory syndrome, and Ebola take place in a complex world, with many disasters (human-caused and natural) and a host of social, cultural, economic, political, and religious concerns. Responding to such concerns is not usually part of public health approaches to epidemic communications, which emphasise biomedical and epidemiological information.**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.4943): **The importance of non-pharmaceutical control measures requires further research to quantify their impact [3] . Mathematical models are useful to evaluate the possible effects on epidemic dynamics of preventive measures, and to improve decision-making in global health [5, 6] .**
+
+[The Impact of the COVID-19 Outbreak on the Medical Treatment of Chinese Children with Chronic Kidney Disease (CKD):A Multicenter Cross-section Study in the Context of a Public Health Emergency of International Concern](https://doi.org/doi.org/10.1101/2020.02.28.20029199)
+Authors: Gaofu Zhang; Haiping Yang; Aihua Zhang; Qian Shen; Li Wang; Zhijuan Li; Yuhong Li; Lijun Zhao; Yue Du; Liangzhong Sun; Bo Zhao; Hongtao Zhu; Haidong Fu; Xiaoyan Li; Xiaojie Gao; Sheng Hao; Juanjuan Ding; Zongwen Chen; Zhiquan Xu; Xiaorong Liu; Daoqi Wu; Mingsi Gao; Mo Wang; Qiu Li
+Published: 2020-03-03 00:00:00
+Match (0.4941): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 the mental status of their parents to explore problems exposed in the management of Chinese children with CKD in the context of a public health emergency of international concern and identify coping strategies.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.4783): **How far a virus will eventually spread at local, regional, national and international levels is of central concern during an epidemic outbreak due to the severe consequences large-scale epidemics have on human well-being [5] , the stability and coherence of social systems [11] , and the global economy [23] . A thorough understanding of the genetic characteristics of a virus is crucial to understand the way it is (or may be) transmitted (e.g. human-to-human transmissibility) in order to be able to anticipate the potential reach of an outbreak and develop effective countermeasures. The recent outbreak of a new type of coronavirus -2019-nCoV -provides plenty of examples of the way researchers seek to quickly approach the aforementioned problems of genetic decomposition of the virus [2, 8] and modelling of its transmission dynamics [15] .**
+
+# Transmission dynamics of the virus, including the basic reproductive number, incubation period, serial interval, modes of transmission and environmental factors + +[Estimating the generation interval for COVID-19 based on symptom onset data](https://doi.org/doi.org/10.1101/2020.03.05.20031815)
+Authors: Tapiwa Ganyani; Cecile Kremer; Dongxuan Chen; Andrea Torneri; Christel Faes; Jacco Wallinga; Niel Hens
+Published: 2020-03-08 00:00:00
+Match (0.5783): **In order to plan intervention strategies aimed at bringing disease outbreaks such as the COVID-19 outbreak under control as well as to monitor disease outbreaks, public health officials depend on insights about key disease transmission parameters which are typically obtained from mathematical or statistical modelling. Examples of key parameters include the reproduction number (average number of infections caused by an infectious individual) and distributions of the generation interval (time between infection events in an infector-infectee pair), serial interval (time between symptom onsets in an infector-infectee pair), and incubation period (time between moment of infection and symptom onset) [1] . Estimates of the reproduction number together with the generation interval distribution can provide insight into the speed with which a disease will spread.**
+
+[Getting to zero quickly in the 2019-nCov epidemic with vaccines or rapid testing](https://doi.org/doi.org/10.1101/2020.02.03.20020271)
+Authors: Gerardo Chowell; Ranu Dhillon; Devabhaktuni Srikrishna
+Published: 2020-02-05 00:00:00
+Match (0.5462): **Where b is the transmission rate and q is a parameter ranging from 0 to 1 that models the relative infectiousness of individuals during the incubation period of the disease.**
+
+[Transmission potential of COVID-19 in Iran](https://doi.org/doi.org/10.1101/2020.03.08.20030643)
+Authors: Kamalich Muniz-Rodriguez; Isaac Chun-Hai Fung; Shayesterh R. Ferdosi; Sylvia K. Ofori; Yiseul Lee; Amna Tariq; Gerardo Chowell
+Published: 2020-03-10 00:00:00
+Match (0.5447): **Reproduction number = 1 + growth rate × serial interval 44**
+
+[A spatial model of CoVID-19 transmission in England and Wales: early spread and peak timing](https://doi.org/doi.org/10.1101/2020.02.12.20022566)
+Authors: Leon Danon; Ellen Brooks-Pollock; Mick Bailey; Matt J Keeling
+Published: 2020-02-14 00:00:00
+Match (0.5409): **Epidemiological analysis of the outbreak was quickly used to start estimating epidemiologicallyrelevant parameters, such as the basic reproduction number, the serial interval, the incubation period and the case fatality rate (2) (3) (4) (5) (6) (7) . Initial estimates suggested that the reproduction number was between 2 and 3 and the case fatality rate was less than 4% (8) . Control of spread by contact tracing and isolation appears to be challenging, given what is currently known about the virus (9) .**
+
+[Real-time monitoring the transmission potential of COVID-19 in Singapore, February 2020](https://doi.org/doi.org/10.1101/2020.02.21.20026435)
+Authors: Amna Tariq; Yiseul Lee; Kimberlyn Roosa; Seth Blumberg; Ping Yan; Stefan Ma; Gerardo Chowell
+Published: 2020-02-25 00:00:00
+Match (0.5242): **The reproduction number is a key threshold quantity to assess the transmission potential of an emerging disease such as COVID- 19 (25, 26) . It quantifies the average number of secondary cases generated per case. If the reproduction number is below 1.0, infections occur in isolated clusters as self-limited chains of transmission, and persistence of the disease would require continued undetected importations. On the other hand, reproduction numbers above 1.0 indicate sustained community transmission (18, 26) . Using epidemiological data and mathematical modeling tools, we are monitoring the effective reproduction number, Rt, of SARS-CoV-2 transmission in Singapore in real-time, and here we report the evolution of Rt by March 5, 2020. Specifically, we assess the effective reproduction number from the daily case series of imported and autochthonous cases by date of symptoms onset after adjusting for reporting delays, and we also derive an estimate of the reproduction number based on the characteristics of the clusters of COVID-19 in Singapore.**
+
+[A Novel Method for the Estimation of a Dynamic Effective Reproduction Number (Dynamic-R) in the CoViD-19 Outbreak](https://doi.org/doi.org/10.1101/2020.02.22.20023267)
+Authors: Yi Chen Chong
+Published: 2020-02-25 00:00:00
+Match (0.5137): **The more commonly known R0 value, or the basic reproduction number, measures how many secondary carriers an average infectious case will infect in an entirely susceptible population. The basic definition of R0 is the amount of infectious transmissions per unit time in contact with other people multiplied by the unit time in contact with others. Obviously, the R0 is dynamic. Public health measures aiming to reduce the transmissibility of the contact time people have with each other (e.g. curfews), or the number of infectious transmissions (e.g. through the use of protective equipment). The number has known to change during epidemics.**
+
+[Incubation Period and Other Epidemiological Characteristics of 2019 Novel Coronavirus Infections with Right Truncation: A Statistical Analysis of Publicly Available Case Data](https://doi.org/doi.org/10.1101/2020.01.26.20018754)
+Authors: Natalie M. Linton; Tetsuro Kobayashi; Yichi Yang; Katsuma Hayashi; Andrei R. Akhmetzhanov; Sung-mok Jung; Baoyin Yuan; Ryo Kinoshita; Hiroshi Nishiura
+Published: 2020-01-28 00:00:00
+Match (0.5091): **The incubation period is defined as the time from infection to illness onset. Knowledge of the incubation period of a directly transmitted infectious disease is critical to determine the time period required for monitoring and restricting the movement of healthy individuals (i.e., the quarantine period) [5, 6] . The incubation period also aids in understanding the relative infectiousness of COVID-19 and can be used to estimate the epidemic size [7] .**
+
+[Incubation Period and Other Epidemiological Characteristics of 2019 Novel Coronavirus Infections with Right Truncation: A Statistical Analysis of Publicly Available Case Data](https://doi.org/10.3390/jcm9020538)
+Authors: Linton, M. Natalie; Kobayashi, Tetsuro; Yang, Yichi; Hayashi, Katsuma; Akhmetzhanov, R. Andrei; Jung, Sung-mok; Yuan, Baoyin; Kinoshita, Ryo; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5091): **The incubation period is defined as the time from infection to illness onset. Knowledge of the incubation period of a directly transmitted infectious disease is critical to determine the time period required for monitoring and restricting the movement of healthy individuals (i.e., the quarantine period) [5, 6] . The incubation period also aids in understanding the relative infectiousness of COVID-19 and can be used to estimate the epidemic size [7] .**
+
+[Real-Time Estimation of the Risk of Death from Novel Coronavirus (COVID-19) Infection: Inference Using Exported Cases](https://doi.org/10.3390/jcm9020523)
+Authors: Jung, Sung-mok; Akhmetzhanov, Andrei R.; Hayashi, Katsuma; Linton, Natalie M.; Yang, Yichi; Yuan, Baoyin; Kobayashi, Tetsuro; Kinoshita, Ryo; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5039): **We estimated the basic reproduction number for the COVID-19 infection, using the estimated exponential growth (r) and accounting for possible variations of the mean serial interval (Figure 3 ). Assuming that the mean serial interval was 7.5 days [2] , the basic reproduction number was estimated at 2.10 (95% CI: 2.04, 2.16) and 3.19 (95% CI: 2.66, 3.69) for Scenarios 1 and 2, respectively. However, as the mean serial interval varies, the estimates can range from 1.6 to 2.6 and 2.2 to 4.2 for Scenarios 1 and 2, respectively.**
+
+[Modeling the Comparative Impact of Individual Quarantine vs. Active Monitoring of Contacts for the Mitigation of COVID-19](https://doi.org/doi.org/10.1101/2020.03.05.20031088)
+Authors: Corey M Peak; Rebecca Kahn; Yonatan H Grad; Lauren M Childs; Ruoran Li; Marc Lipsitch; Caroline O Buckee
+Published: 2020-03-08 00:00:00
+Match (0.5023): **Briefly, individuals in a stochastic branching model progress through a susceptible-exposed-infectious-recovered (SEIR) disease process focused on the early stages of epidemic growth. Upon infection, individuals progress through a latent period before onset of infectiousness; during the duration of infectiousness, the relative infectiousness follows a triangular distribution. The time of symptom onset is measured as the difference between the incubation and latent periods, with negative values indicating presymptomatic infectiousness.**
+
+# Severity of disease, including risk of fatality among symptomatic hospitalized patients, and high-risk patient groups + +[Analysis of factors associated with disease outcomes in hospitalized patients with 2019 novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000775)
+Authors: Liu, Wei; Tao, Zhao-Wu; Lei, Wang; Ming-Li, Yuan; Kui, Liu; Ling, Zhou; Shuang, Wei; Yan, Deng; Jing, Liu; Liu, Hui-Guo; Ming, Yang; Yi, Hu
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.6185): **The present study included 78 patients diagnosed with the COVID-19. All patients were evaluated for therapeutic efficacy after at least two weeks of hospitalization. These results indicated progression in 11 patients (14.1%) and improvement/stabilization in 67 patients (85.9%). 80.8% of the patients were younger than 60 years, and the median age of the patients was 38 (33, 57) years, which suggest that middle-aged people are susceptible to COVID-19. Also, the age of patients in the progression group was significantly higher than that in the improvement/stabilization group, and multivariate logistic analysis indicated that higher age was a risk factor for disease progression. Elderly individuals are physically frail and are likely to have several comorbidities, which not only increases the risk of pneumonia [12] but also affects their prognosis [13] . the assessment of comorbidities is an essential component in determining the prognosis of several diseases, especially pneumonia. [14] Probably because of the small sample size, there was no significant difference in any comorbidity including hypertension, diabetes, COPD, cancer, and others between the two groups. The potential impact of comorbidities on the disease outcomes of patients with COVID-19 pneumonia requires further observation and research. The proportion of patients with a history of smoking was significantly higher in the progression group compared to the improvement/stabilization group, suggesting that smoking is associated with disease progression.**
+
+[Asymptomatic carrier state, acute respiratory disease, and pneumonia due to severe acute respiratory syndrome coronavirus 2 (SARSCoV-2): Facts and myths](https://doi.org/10.1016/j.jmii.2020.02.012)
+Authors: Lai, Chih-Cheng; Liu, Yen Hung; Wang, Cheng-Yi; Wang, Ya-Hui; Hsueh, Shun-Chung; Yen, Muh-Yen; Ko, Wen-Chien; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.6114): **were associated with a poor clinical outcome. 11 Moreover, a substantially 18 elevated case-fatality rate included the following patient characteristics: male sex, ≥ 60 years of age, baseline diagnosis of severe pneumonia, and delay in diagnosis. 15 Similarly, the China CDC reported that patients aged ≥ 80 years had the highest case fatality rate, 14.8%, among different age groups, and the case fatality rate of patients in which disease severity was critical was 49.0%. 8 Together, these findings suggest that old age and increased disease severity could predict a poor outcome.**
+
+[ACP risk grade: a simple mortality index for patients with confirmed or suspected severe acute respiratory syndrome coronavirus 2 disease (COVID-19) during the early stage of outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.20.20025510)
+Authors: Jiatao Lu; Shufang Hu; Rong Fan; Zhihong Liu; Xueru Yin; Qiongya Wang; Qingquan Lv; Zhifang Cai; Haijun Li; Yuhai Hu; Ying Han; Hongping Hu; Wenyong Gao; Shibo Feng; Qiongfang Liu; Hui Li; Jian Sun; Jie Peng; Xuefeng Yi; Zixiao Zhou; Yabing Guo; Jinlin Hou
+Published: 2020-02-23 00:00:00
+Match (0.6080): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.20.20025510 doi: medRxiv preprint rhinorrhea, and chest pain were less than 5%. The days from illness onset to admission were six days (IQR, 4 -9). At admission, the most common abnormal laboratory test results were elevated C-reactive Among 438 patients with evaluable disease severity, 338 and 100 patients were diagnosed as mild and severe pneumonia, respectively. The cumulative mortality was significantly higher among patients with severe pneumonia than those with mild pneumonia (37.8% vs. 4.1%, P <0.001) (Figure 1 ). On admission, the patients with severe pneumonia, in comparison with the patients with mild pneumonia, CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Epidemiologic and Clinical Characteristics of 91 Hospitalized Patients with COVID-19 in Zhejiang, China: A retrospective, multi-centre case series](https://doi.org/doi.org/10.1101/2020.02.23.20026856)
+Authors: Guo-Qing Qian; Nai-Bin Yang; Feng Ding; Ada Hoi Yan Ma; Zong-Yi Wang; Yue-Fei Shen; Chun-Wei Shi; Xiang Lian; Jin-Guo Chu; Lei Chen; Zhi-Yu Wang; Da-Wei Ren; Guo-Xiang Li; Xue-Qin Chen; Hua-Jiang Shen; Xiao-Min Chen
+Published: 2020-02-25 00:00:00
+Match (0.5992): **Our study has stratified patients with COVID-19 pneumonia based on the severity of symptoms on admission according to national guidelines. 13, 14 Nine patients were diagnosed as severe pneumonia because of the development of pneumonia. Compared with those mild patients, patients diagnosed as severe pneumonia had numerous differences in laboratory results (Table 4) , including higher neutrophil, lower lymphocytes count, hyponatremia, hypocalcemia, as well as higher levels of CRP. MuLBSTA score is used to predict mortality in viral pneumonia, amongst the 9 severe pneumonia patients their MuLBSTA scores were significantly higher, indicating they had higher mortality risks.**
+
+[Evaluation of the clinical characteristics of suspected or confirmed cases of COVID-19 during home care with isolation: A new retrospective analysis based on O2O](https://doi.org/doi.org/10.1101/2020.02.26.20028084)
+Authors: Hui Xu; Sufang Huang; Shangkun Liu; Juan Deng; Bo Jiao; Ling Ai; Yaru Xiao; Li Yan; Shusheng Li
+Published: 2020-02-29 00:00:00
+Match (0.5940): **Compared with non-hospitalized patients, inpatients were older(≥70years, 2·4% vs 33·3%, P<0·04).**
+
+[Analysis of factors associated with disease outcomes in hospitalized patients with 2019 novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000775)
+Authors: Liu, Wei; Tao, Zhao-Wu; Lei, Wang; Ming-Li, Yuan; Kui, Liu; Ling, Zhou; Shuang, Wei; Yan, Deng; Jing, Liu; Liu, Hui-Guo; Ming, Yang; Yi, Hu
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5930): **Analysis of factors associated with disease outcomes in hospitalized patients with 2019 novel coronavirus disease**
+
+[Gender differences in patients with COVID-19: Focus on severity and mortality](https://doi.org/doi.org/10.1101/2020.02.23.20026864)
+Authors: Jian-Min Jin; Peng Bai; Wei He; Fei Wu; Xiao-Fang Liu; De-Min Han; Shi Liu; Jin-Kui Yang
+Published: 2020-02-25 00:00:00
+Match (0.5809): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.23.20026864 doi: medRxiv preprint significantly higher mortality rate than women in SARS patients. Therefore, Gender is a risk factor for higher severity and mortality in patients with both COVID-19 and SARS independent of age and susceptibility.**
+
+[Clinical characteristics of 50466 hospitalized patients with 2019-nCoV infection](https://doi.org/10.1002/jmv.25735)
+Authors: Sun, Pengfei; Qie, Shuyan; Liu, Zongjan; Ren, Jizhen; Li, Kun; Xi, Jianing
+Published: 2020-01-01 00:00:00
+Publication: Journal of Medical Virology
+Match (0.5780): **Clinical characteristics of 50466 hospitalized patients with 2019-nCoV infection**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5778): **The population is generally susceptible to the virus. The elderly and those with underlying diseases show more serious conditions after infection, and children and infants also get infected by the 2019-nCoV. From current knowledge of the cases, most patients have a good prognosis, the symptoms of children are relatively mild, and a few patients are in critical condition. Death cases are more frequently seen in the elderly and those with chronic underlying diseases [12] . The newest study including the first 41 confirmed cases admitted to Wuhan between 16 December 2019 and 2 January 2020 showed the median age of patients was 49 years; and the main underlying diseases were diabetes, hypertension, and cardiovascular diseases. Of them, 12 cases experienced acute respiratory distress syndrome (ARDS), 13 cases were admitted to the intensive care unit (ICU), and 6 cases died [16] . Patients with any 2 of the following clinical features and any epidemiological risk: (1) clinical features: fever, imaging features of pneumonia, normal or reduced white blood cell count, or reduced lymphocyte count in the early stages of the disease onset. (2) epidemiologic risk: a history of travel to or residence in Wuhan city, China or other cities with continuous transmission of local cases in the last 14 days before symptom onset; contact with patients with fever or respiratory symptoms from Wuhan city, China or other cities with continuous transmission of local cases in the last 14 days before symptom onset; or epidemiologically connected to 2019-nCoV infections or clustered onsets [12] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5778): **The population is generally susceptible to the virus. The elderly and those with underlying diseases show more serious conditions after infection, and children and infants also get infected by the 2019-nCoV. From current knowledge of the cases, most patients have a good prognosis, the symptoms of children are relatively mild, and a few patients are in critical condition. Death cases are more frequently seen in the elderly and those with chronic underlying diseases [12] . The newest study including the first 41 confirmed cases admitted to Wuhan between 16 December 2019 and 2 January 2020 showed the median age of patients was 49 years; and the main underlying diseases were diabetes, hypertension, and cardiovascular diseases. Of them, 12 cases experienced acute respiratory distress syndrome (ARDS), 13 cases were admitted to the intensive care unit (ICU), and 6 cases died [16] . Patients with any 2 of the following clinical features and any epidemiological risk: (1) clinical features: fever, imaging features of pneumonia, normal or reduced white blood cell count, or reduced lymphocyte count in the early stages of the disease onset. (2) epidemiologic risk: a history of travel to or residence in Wuhan city, China or other cities with continuous transmission of local cases in the last 14 days before symptom onset; contact with patients with fever or respiratory symptoms from Wuhan city, China or other cities with continuous transmission of local cases in the last 14 days before symptom onset; or epidemiologically connected to 2019-nCoV infections or clustered onsets [12] .**
+
+# Susceptibility of populations + +[2019-novel Coronavirus (2019-nCoV): estimating the case fatality rate - a word of caution](https://doi.org/10.4414/smw.2020.20203)
+Authors: Battegay, Manuel; Kuehl, Richard; Tschudin-Sutter, Sarah; Hirsch, Hans H.; Widmer, Andreas F.; Neher, Richard A.
+Published: 2020-01-01 00:00:00
+Publication: Swiss Med Wkly
+Match (0.5829): **There are different susceptibilities to the 2019-Novel Coronavirus in different regions of China as well as different regions of the world. However, as this is the second coronavirus emerging from China, it is unlikely that herdimmunity is lower in this region of the world, than in others. Immunogenetics and socioeconomic factors however, may potentially contribute to differences in susceptibilities to the disease.**
+
+[Estimation of country-level basic reproductive ratios for novel Coronavirus (COVID-19) using synthetic contact matrices](https://doi.org/doi.org/10.1101/2020.02.26.20028167)
+Authors: Joe Hilton; Matt J Keeling
+Published: 2020-02-27 00:00:00
+Match (0.4789): **Here we have developed a simple model for age-structured transmission of 2019-nCoV with two components: an age-structured contact matrix dependent on the behaviour of the host population and an age-dependent susceptibility profile dependent on physiological response to infection. By using a previously-estimated synthetic contact matrix and age-stratified data, we were able to estimate age-dependent susceptibility profiles based on the first 425 and the first 4,021 cases in China. We then combined these estimated profiles with estimates of age-stratified contacts in 151 other countries to give us transmission matrices for these countries from which we could estimate the scale of basic reproductive ratios in each country relative to China. We demonstrated that taking age-specific susceptibility into account results in substantially different predictions of transmission intensity by country relative to a model without age-specific susceptibility; countries with older populations are at substantially higher risk than countries with younger populations.**
+
+[Integrative Bioinformatics Analysis Provides Insight into the Molecular Mechanisms of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.03.20020206)
+Authors: Xiang He; Lei Zhang; Qin Ran; Anying Xiong; Junyi Wang; Dehong Wu; Feng Chen; Guoping Li
+Published: 2020-02-05 00:00:00
+Match (0.4495): **(which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.03.20020206 doi: medRxiv preprint could have the same ability to bind the respiratory tract epithelial cells of healthy population and patients with chronic respiratory diseases through ACE2. Thus, there may be no significant difference in the susceptibility of 2019-nCov infection between healthy population and patients with chronic respiratory diseases.**
+
+[Systematic Comparison of Two Animal-to-Human Transmitted Human Coronaviruses: SARS-CoV-2 and SARS-CoV](https://doi.org/10.3390/v12020244)
+Authors: Xu, Jiabao; Zhao, Shizhe; Teng, Tieshan; Abdalla, Abualgasim Elgaili; Zhu, Wan; Xie, Longxiang; Wang, Yunlong; Guo, Xiangqian
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.4466): **Do ethnic differences affect the transmissibility and pathogenicity of SARS-CoV-2?**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.4434): **represent the fraction of susceptible, infected and infectious and recovered individuals in sub-population i, where i = 1, 2, . . . , N .**
+
+[Evolving Epidemiology and Impact of Non-pharmaceutical Interventions on the Outbreak of Coronavirus Disease 2019 in Wuhan, China](https://doi.org/doi.org/10.1101/2020.03.03.20030593)
+Authors: Chaolong Wang; Li Liu; Xingjie Hao; Huan Guo; Qi Wang; Jiao Huang; Na He; Hongjie Yu; Xihong Lin; An Pan; Sheng Wei; Tangchun Wu
+Published: 2020-03-06 00:00:00
+Match (0.4364): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.03.20030593 doi: medRxiv preprint severity increased significantly with age. Therefore, special attention and efforts should be applied to protect and reduce transmission and progression in vulnerable populations including healthcare workers, elderly people and children.**
+
+[SOCRATES: An online tool leveraging a social contact data sharing initiative to assess mitigation strategies for COVID-19](https://doi.org/doi.org/10.1101/2020.03.03.20030627)
+Authors: LANDER WILLEM; THANG VAN HOANG; SEBASTIAN FUNK; PIETRO COLETTI; PHILIPPPE BEUTELS; NIEL HENS
+Published: 2020-03-06 00:00:00
+Match (0.4309): **with D the mean duration of infectiousness, M the contact matrix and q a proportionality factor [8; 10] . The proportionality factor q can be age-dependent and combines several characteristics that are related to susceptibility and infectiousness. It can also be considered a correction factor expressing to which extent the contact matrix represents a proxy for the circumstances under which transmission between infectious and susceptible persons occurs for the particular pathogen under analysis.**
+
+[Estimating the daily trend in the size of the COVID-19 infected population in Wuhan](https://doi.org/doi.org/10.1101/2020.02.12.20022277)
+Authors: Qiushi Lin; Taojun Hu; Xiao-Hua Zhou
+Published: 2020-02-13 00:00:00
+Match (0.4239): **The size of the population that are susceptible to COVID-19 in Wuhan.**
+
+[The Novel Coronavirus: A Bird's Eye View](https://doi.org/10.15171/ijoem.2020.1921)
+Authors: Habibzadeh, Parham; Stoneman, Emily K.
+Published: 2020-01-01 00:00:00
+Publication: Int J Occup Environ Med
+Match (0.4239): **Eliciting the exposure history of suspicious cases could have been an effective strategy in the earlier stages of the outbreak in China. However, the global spread of the virus and human-to-human transmission seen in recent weeks have made the situation more complicated. 34 In general, infected patients had a median age ranging from 49 to 61 years; male individuals are more frequently infected. 26, 29, 30 Lack of serious disease in children is also a feature of SARS-CoV infection, and a feature of some (but not all) coronavirus infections in other species. 15 Immune-related genes on the X chromosome and sex hormones, which influence both innate and adaptive immune responses, might explain the higher susceptibility to the infection in males. 35, 36 Higher likelihood of exposure to the virus due to occupational risk could be another contributory factor.**
+
+[Modeling and Prediction of the 2019 Coronavirus Disease Spreading in China Incorporating Human Migration Data](https://doi.org/doi.org/10.1101/2020.02.18.20024570)
+Authors: Choujun Zhan; Chi K. Tse; Yuxia Fu; Zhikang Lai; Haijun Zhang
+Published: 2020-02-20 00:00:00
+Match (0.4211): **where ∆P j (t) = P j (t + 1) − P j (t). Thus, the total susceptible population should be**
+
+# Public health mitigation measures that could be effective for control +[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6585): **If and when local transmission begins in a particular location, a variety of community mitigation measures can be implemented by health authorities to reduce transmission and thus reduce the growth rate of an epidemic, reduce the height of the epidemic peak and the peak demand on healthcare services, as well as reduce the total number of infected persons [21] . A number of social distancing measures have already been implemented in Chinese cities in the past few weeks including school and workplace closures. It should now be an urgent priority to quantify the effects of these measures and specifically whether they can reduce the effective reproductive number below 1, because this will guide the response strategies in other locations. During the 1918/19 influenza pandemic, cities in the United States, which implemented the most aggressive and sustained community measures were the most successful ones in mitigating the impact of that pandemic [22] .**
+
+[Risk estimation and prediction by modeling the transmission of the novel coronavirus (COVID-19) in mainland China excluding Hubei province](https://doi.org/doi.org/10.1101/2020.03.01.20029629)
+Authors: Hui Wan; Jing-an Cui; Guo-Jing Yang
+Published: 2020-03-06 00:00:00
+Match (0.6536): **At the early stage of the outbreak, estimation of the basic reproduction number R 0 is crucial for determining the potential and severity of an outbreak, and providing precise information for designing and implementing disease outbreak responses, namely the identification of the most appropriate, evidence-based interventions, mitigation measures and the determination of the intensity of such programs in order to achieve the maximal protection of the population with the minimal interruption of social-economic activities [4, 5] .**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.6471): **outbreak, but the efficacy of the different interventions varied, with the early case detection and contact reduction being the most effective. Moreover, deploying the NPIs early is also important to prevent further spread. Early and integrated NPI strategies should be prepared, adopted and adjusted to minimize health, social and economic impacts in affected regions around the World.**
+
+[Modelling the coronavirus disease (COVID-19) outbreak on the Diamond Princess ship using the public surveillance data from January 20 to February 20, 2020](https://doi.org/doi.org/10.1101/2020.02.26.20028449)
+Authors: Shi Zhao; Peihua Cao; Daozhou Gao; Zian Zhuang; Marc Chong; Yongli Cai; Jinjun Ran; Kai Wang; Yijun Lou; Weiming Wang; Lin Yang; Daihai He; Maggie H Wang
+Published: 2020-02-29 00:00:00
+Match (0.6435): **We suggest maintaining the enhancement in both populational level public health control as well as the individual level self-protection actions in combating the COVID-19 outbreak. With detailed information on public intervention, the analytical framework in this study can be extended to a complex context and used for evaluating the effects of certain control measures. is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[A precision medicine approach to managing Wuhan Coronavirus pneumonia](https://doi.org/10.1093/pcmedi/pbaa002)
+Authors: Minjin Wang, Yanbing Zhou, Zhiyong Zong, Zongan Liang, Yu Cao, Hong Tang, Bin Song, Zixing Huang, Yan Kang, Ping Feng, Binwu Ying, Weimin Li
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.6036): **Standard nosocomial preventive control measures are in urgent need to block further spreading of the disease. The in-hospital preventive control measures should vary among patients, close contacts, and health care workers in precision medicine approach.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6002): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6002): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Estimation of the Transmission Risk of the 2019-nCoV and Its Implication for Public Health Interventions](https://doi.org/10.3390/jcm9020462)
+Authors: Tang, Biao; Wang, Xia; Li, Qian; Bragazzi, Nicola Luigi; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5981): **By inferring the effectiveness of intervention measures, including quarantine and isolation ( Figure 1B) , we estimated the required effectiveness of these interventions in order to prevent the outbreak. **
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5978): **To our knowledge, this is the most comprehensive study to date on quantifying the relative effect of different NPIs and their timings for COVID-19 outbreak containment, based on human movement and disease data. Our findings show that NPIs, inter-city travel restrictions, social distancing and contact reductions, as well as early case detection and isolations, have substantially reduced COVID-19 transmission across China, with the effectiveness of different interventions varying. The early detection and isolation of cases was estimated to prevent more infections than travel restrictions and contact reductions, but integrated NPIs would achieve the strongest and most rapid effect. Our findings contribute to improved understanding of integrated NPI measures on COVID-19 containment and can help in tailoring control strategies across contexts.**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.5894): **The importance of non-pharmaceutical control measures requires further research to quantify their impact [3] . Mathematical models are useful to evaluate the possible effects on epidemic dynamics of preventive measures, and to improve decision-making in global health [5, 6] .**
+
diff --git a/tasks/risk-factors.txt b/tasks/risk-factors.txt new file mode 100644 index 0000000..9196151 --- /dev/null +++ b/tasks/risk-factors.txt @@ -0,0 +1,8 @@ +Smoking, pre-existing pulmonary disease +Co-infections (determine whether co-existing respiratory/viral infections make the virus more transmissible or virulent) and other co-morbidities +Neonates and pregnant women +Socio-economic and behavioral factors to understand the economic impact of the virus and whether there were differences. +Transmission dynamics of the virus, including the basic reproductive number, incubation period, serial interval, modes of transmission and environmental factors +Severity of disease, including risk of fatality among symptomatic hospitalized patients, and high-risk patient groups +Susceptibility of populations +Public health mitigation measures that could be effective for control \ No newline at end of file diff --git a/tasks/sharing.md b/tasks/sharing.md new file mode 100644 index 0000000..04c174a --- /dev/null +++ b/tasks/sharing.md @@ -0,0 +1,862 @@ +# Methods for coordinating data-gathering with standardized nomenclature. + +[Clinical features and sexual transmission potential of SARS-CoV-2 infected female patients: a descriptive study in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.26.20028225)
+Authors: Pengfei Cui; Zhe Chen; Tian Wang; Jun Dai; Jinjin Zhang; Ting Ding; Jingjing Jiang; Jia Liu; Cong Zhang; Wanying Shan; Sheng Wang; Yueguang Rong; Jiang Chang; Xiaoping Miao; Xiangyi Ma; Shixuan Wang
+Published: 2020-02-27 00:00:00
+Match (0.5278): **All information was obtained and curated with a standardized data collection form.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5008): **The WHO exists to coordinate and lead in global health, and for the past week the Strategic Health Operations Centre (SHOC) has been holding hourly meetings to keep abreast of nCoV developments. The SHOC coordinates information and responses through a network of WHO teams, member states, and partner organisations; providing advice, tracking cases, and monitoring essential resources in the field. An Emergency Committee advises the Director General, who makes the ultimate decision on when and whether to declare a public health emergency of international concern. Thus far, escalation to this status has not been made, but the committee has planned to reconvene only days after their initial meeting to review this decision, closely following the rapid development of events. 4**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4917): **In each province, project investigators provided a two-day training workshop for study staff from local provincial and citylevel Centres for Disease Control and Prevention who spoke the local language and were familiar with the local community. This included a unit on the ethical conduct of human subject research, an in-depth review of the study design and objectives, and comprehensive information on the implementation of observational research, semistructured interviews and notetaking within the context of this study.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4913): **Overall guidance of epidemic control, organizing a technical expert group for prevention and control; formulation and improvement of relevant work and technical schemes, and implementation of funds and materials for disease prevention and control; tracking and management of close contacts.**
+
+[Vorpal: A Novel RNA Virus Feature-Extraction Algorithm Demonstrated Through Interpretable Genotype-to-Phenotype Linear Models](https://doi.org/doi.org/10.1101/2020.02.28.969782)
+Authors: Davis, P.; Bagnoli, J.; Yarmosh, D.; Shteyman, A.; Presser, L.; Altmann, S.; Bradrick, S.; Russell, J. A.
+Published: 2020-03-02 00:00:00
+Match (0.4851): **The use of this algorithm for genotype-to-phenotype models is just one of the potential 478 applications. Automated molecular assay design and degenerate-motif based phylogenetics are 479 examples of the downstream uses already being investigated. The ability to make use of the 480 . CC-BY-NC-ND 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.28.969782 doi: bioRxiv preprint latent data that is accumulating in databases, as well as novel surveillance data, is made more 481 tangible with this algorithm. Well-curated and richly annotated metadata promises to allow 482 machine learning and other data science techniques to unleash a torrent of discovery in genomics 483 at large. The mantra we are positing for the infectious and emergent diseases surveillance 484 community is "More data, Better data, Metadata." The techniques to unlock the potential of 485 data-driven genomic science are gathering momentum. The Vorpal algorithm for feature extraction was developed using the libraries and versions 560 delineated in the requirements.txt document located on the Github. The Vorpal feature 561 extraction algorithm has 3 steps, each corresponding to a script that becomes the Vorpal 562 workflow. 563**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4802): **The responsibilities of the organizations are shown in Table 2 . In accordance with the working principle of "prevention first, prevention and control combined, scientific guidance and timely treatment", the prevention and control work shall be carried out in a coordinated and standardized way [23] . Table 2 . Responsibilities for the different organizations at all (province, city, county, district, township, and street) levels in the outbreak of COVID-19.**
+
+[Voice from China: nomenclature of the novel coronavirus and related diseases](https://doi.org/10.1097/CM9.0000000000000787)
+Authors:
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4752): **Voice from China: nomenclature of the novel coronavirus and related diseases**
+
+[First cases of coronavirus disease 2019 (COVID-19) in France: surveillance, investigations and control measures, January 2020](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000094)
+Authors: Bernard Stoecklin, Sibylle; Rolland, Patrick; Silue, Yassoungo; Mailles, Alexandra; Campese, Christine; Simondon, Anne; Mechain, Matthieu; Meurice, Laure; Nguyen, Mathieu; Bassi, Clément; Yamani, Estelle; Behillil, Sylvie; Ismael, Sophie; Nguyen, Duc; Malvy, Denis; Lescure, François Xavier; Georges, Scarlett; Lazarus, Clément; Tabaï, Anouk; Stempfelet, Morgane; Enouf, Vincent; Coignard, Bruno; Levy-Bruhl, Daniel
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.4596): **A standardised investigation form collecting sociodemographical information, clinical details and history of exposure (history of travel to or residence in Wuhan, China or contact with a confirmed case) is completed for each possible case at regional level, in collaboration between the clinicians, the ARS and SpFrance. Data are entered into the secure web-based application Voozanoo (Epiconcept, Paris).**
+
+[First cases of coronavirus disease 2019 (COVID-19) in France: surveillance, investigations and control measures, January 2020](https://doi.org/10.2807/1560-7917.ES.2020.25.6.2000094)
+Authors: Stoecklin, Sibylle Bernard; Rolland, Patrick; Silue, Yassoungo; Mailles, Alexandra; Campese, Christine; Simondon, Anne; Mechain, Matthieu; Meurice, Laure; Nguyen, Mathieu; Bassi, Clément; Yamani, Estelle; Behillil, Sylvie; Ismael, Sophie; Nguyen, Duc; Malvy, Denis; Lescure, François Xavier; Georges, Scarlett; Lazarus, Clément; Tabaï, Anouk; Stempfelet, Morgane; Enouf, Vincent; Coignard, Bruno; Levy-Bruhl, Daniel; team, Investigation
+Published: 2020-01-01 00:00:00
+Publication: Eurosurveillance
+Match (0.4596): **A standardised investigation form collecting sociodemographical information, clinical details and history of exposure (history of travel to or residence in Wuhan, China or contact with a confirmed case) is completed for each possible case at regional level, in collaboration between the clinicians, the ARS and SpFrance. Data are entered into the secure web-based application Voozanoo (Epiconcept, Paris).**
+
+[Machine learning using intrinsic genomic signatures for rapid classification of novel pathogens: COVID-19 case study](https://doi.org/doi.org/10.1101/2020.02.03.932350)
+Authors: Randhawa, G. S.; Soltysiak, M. P. M.; El Roz, H.; de Souza, C. P. E.; Hill, K. A.; Kari, L.
+Published: 2020-02-20 00:00:00
+Match (0.4502): **• The use of a "decision tree" approach to supervised machine learning (paralleling 98 taxonomic ranks), for successive refinements of taxonomic classification.**
+
+# Sharing response information among planners, providers, and others. + +[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6014): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5608): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Authoritarianism, outbreaks, and information politics](https://doi.org/10.1016/S2468-2667(20)30030-X)
+Authors: Kavanagh, Matthew M.
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5572): **For Amartya Sen, authoritarian states face serious challenges in information and accountability. 6 Governments in closed political systems, without open media and opposition parties, struggle to receive accurate information in a timely manner and to convey urgent information to the public. Governments can be the victims of their own propaganda, because the country's political institutions provide incentives to local officials to avoid sharing bad news with their central bosses and await instructions before acting.**
+
+[Perceptions of the Adult US Population regarding the Novel Coronavirus Outbreak](https://doi.org/doi.org/10.1101/2020.02.26.20028308)
+Authors: SarahAnn M McFadden; Amyn A Malik; Obianuju G Aguolu; Kathryn S Willebrand; Saad B Omer
+Published: 2020-02-27 00:00:00
+Match (0.5552): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.26.20028308 doi: medRxiv preprint Discussion. We found that the public trusted the CDC director to lead the COVID-19 response with trust in the public health/scientific leadership being high. Responsive, open, and respectful communication with the US population by these agencies may improve public health compliance and safety. 3 Furthermore, although participants reported relatively low risk perception, many supported restrictive policies for infection prevention. A portion of the sample also supported temporary discrimination based on someone's country of origin. These responses are concerning, and preemptive targeted messaging by the public health agencies is required to ensure a compassionate response to this outbreak. Our findings may be influenced by possible selection bias because participants needed a CloudResearch account and access to smartphone/computer to participate. However, our sample was fairly representative of the general adult US population. A weighted analysis based on age and gender demonstrate that our results are generalizable to national population ( Table 2) . Data for weighted analysis were extracted from US Census data. 6 **
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5506): **An example of how beneficial collaboration and sharing of data can be occurred during the 2014 Ebola outbreak in West Africa where scientists, health workers and clinicians, amongst other stakeholders from around the world, openly worked together and were able to contain the spread of this pandemic [38] . On this front, Boué et al. [39] highlight that levels of trust and transparency need to be reviewed and enhanced to facilitate unfettered data generation and sharing. Such could lead to an even earlier detection scenario of future virus outbreaks, and in the better curative management of the same, without minimal compromise on urban functions and on an urban economy.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.5482): **Experience with managing this outbreak will be very heterogenous across the world. Countries closely connected with China, such as Singapore, will be ahead in this regard. As the outbreak moves across regions, there is opportunity to support those affected later both in terms of readiness and response. Mechanisms available to outbreak response organisations, particularly through the Global Outbreak Alert and Response Network (GOARN), can be valuable in skills-and knowledgesharing. Therefore, there should be a deliberate effort to utilise knowledge from early affected countries in later affected countries.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.5482): **Experience with managing this outbreak will be very heterogenous across the world. Countries closely connected with China, such as Singapore, will be ahead in this regard. As the outbreak moves across regions, there is opportunity to support those affected later both in terms of readiness and response. Mechanisms available to outbreak response organisations, particularly through the Global Outbreak Alert and Response Network (GOARN), can be valuable in skills-and knowledgesharing. Therefore, there should be a deliberate effort to utilise knowledge from early affected countries in later affected countries.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5478): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.5393): **After the epidemic outbreak, psychosocial support mainly focuses on the quarantined people and medical staffs working for them (Fig. 4) . Social support and psychological intervention are mostly provided by family members, social workers, psychologists, and psychiatrists to isolated patients, suspected patients, and close contacts, primarily through telephone hotline and Internet (e.g. WeChat, APPs). Medical staffs working for the quarantined are the special group who need a lot of social support, and they are also an important force to provide social support for the isolated patients. To guarantee their continued effective work, their mental health status should be monitored and a continuum of timely interventions should be made available to support them. The Anticipated, Plan and Deter (APD) Responder Risk and Resilience Model (Fig. 5) is an effective method for understanding and managing psychological impacts among medical staffs, including managing the full risk and resilience in the responder "hazard specific" stress. 15 In the APD process, medical staffs receive a pre-event stress training focusing on the psychosocial impact of high-casualty events on the hospital and field disaster settings. During the training, participants are given the chance to develop a "personal resilience plan", which involves identifying and anticipating response challenges. After that they should learn to use it in real intervention response.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5377): **The other side of the coin is heroisation, the investment of hope and trust in a context of risk and unease. Analyses of blame and heroisation during the 2014-15 Ebola epidemic, using Twitter and Facebook posts in French and English, 2,8 suggest that heroic status was widely conferred on ordinary individuals and insiders rather than altruistic foreigners, as in other crises. The term local hero is not an empty phrase: identification of local heroes as they emerge, and working with them (online and offline), could have a strong pay-off in communication campaigns. What constitutes a hero during a time of crisis is nuanced and context-specific, however, and needs careful qualitative work to understand. Heroes can include, for example, whistle-blowers (who put their careers on the line to alert the public) and health workers (who generate essential information while doing their work). All these figures can be seen emerging during the COVID-19 outbreak.**
+
+# Understanding and mitigating barriers to information-sharing. + +[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.6277): **The coronavirus disease 2019 outbreak is rapidly expanding across the world and presents a significant public health emergency with the potential of becoming pandemic. 1 As of March 1, 2020, cases of COVID-19 have been reported in over 60 countries. In early stages of epidemics with emerging pathogens, real-time analysis of accurate and robust epidemiological and clinical data is essential to developing interventional strategies and guiding public health decisionmaking. 2, 3 Such data can provide insight into infectivity, routes of transmission, disease severity, and outcomes, thus enabling epidemiologic modelling and improved public health responses. 4, 5 Line list data, which includes individual patient-level data on important epidemiological and clinical variables, is rarely available early during an outbreak with a novel pathogen. 5 However, recognizing the utility of such data and its ability to provide for real-time analyses, multiple academic groups have been curating line list data using crowdsourcing and openly sharing the data with the scientific community. 4, 5 Crowdsourcing enables the collection of data from multiple platforms including health-care-oriented social networks, government and public health agencies, and global news sources.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6175): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6053): **There are some indications of areas where further improvement is necessary. The global media response to the unfolding events has been relatively balanced and informed but the nuances of the evolving situation have not been critically examined in partnership with the media and as a result the public perception of the risk may be exaggeratedalthough it of course remains possible that the outbreak will develop in a way that matches up to the perceived risk. The lack of appreciation of the uncertainties in determining a meaningful case fatality rate and the significance of ascertainment bias at the beginning of an outbreak, along with the impact of aggressive case finding on case numbers, are examples of where understanding could be improved. This is always a challenging process when balancing the resources focussed on analysing the situation on the ground with resources directed at interpreting the information for journalists but in SARS, the R 0 was seen to decrease in response to information reaching the public and the public then adopting risk reduction actions [6] ; so accurate public risk communication is critical to success. It would be helpful to find a forum where this can be explored with the media community after the event.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6038): **This approach is short-sighted. Research on the Ebola and H1N1 influenza epidemics 1-4 suggests that gathering online data on local perceptions has the potential to help public authorities mount more robust responses and better targeted health communications. Particularly fruitful paths to investigate, we believe, are the dynamics of heroisation and the creation of so-called figures of blame.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5976): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5894): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.5879): **How far a virus will eventually spread at local, regional, national and international levels is of central concern during an epidemic outbreak due to the severe consequences large-scale epidemics have on human well-being [5] , the stability and coherence of social systems [11] , and the global economy [23] . A thorough understanding of the genetic characteristics of a virus is crucial to understand the way it is (or may be) transmitted (e.g. human-to-human transmissibility) in order to be able to anticipate the potential reach of an outbreak and develop effective countermeasures. The recent outbreak of a new type of coronavirus -2019-nCoV -provides plenty of examples of the way researchers seek to quickly approach the aforementioned problems of genetic decomposition of the virus [2, 8] and modelling of its transmission dynamics [15] .**
+
+[SOCRATES: An online tool leveraging a social contact data sharing initiative to assess mitigation strategies for COVID-19](https://doi.org/doi.org/10.1101/2020.03.03.20030627)
+Authors: LANDER WILLEM; THANG VAN HOANG; SEBASTIAN FUNK; PIETRO COLETTI; PHILIPPPE BEUTELS; NIEL HENS
+Published: 2020-03-06 00:00:00
+Match (0.5851): **SOCRATES: An online tool leveraging a social contact data sharing initiative to assess mitigation strategies for COVID-19**
+
+[Emerging understandings of 2019-nCoV](https://doi.org/10.1016/S0140-6736(20)30186-0)
+Authors: The Lancet
+Published: 2020-01-01 00:00:00
+Publication: Lancet
+Match (0.5793): **Emerging understandings of 2019-nCoV**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5791): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+# How to recruit, support, and coordinate local (non-Federal) expertise and capacity relevant to public health emergency response (public, private, commercial and non-profit, including academic). + +[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6838): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6791): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.6764): **As of 26 January 2020, 30 provinces have initiated a level-1 public health response to control COVID-19 [22] . A level-1 response means that during the occurrence of a particularly serious public health emergency, the provincial headquarters shall organize and coordinate the emergency response work within its administrative area according to the decision deployment and unified command of the State Council [22] . Fever observation rooms shall be set up at stations, airports, ports, and so on to detect the body temperature of passengers entering and leaving the area and implement observation/registration for the suspicious patients. The government under its jurisdiction shall, in accordance with the law, take compulsory measures to restrict all kinds of the congregation, and ensure the supply of living resources. They will also ensure the sufficient supply of masks, disinfectants, and other protective articles on the market, and standardize the market order. The strengthening of public health surveillance, hygiene knowledge publicity, and monitoring of public places and key groups is required. Comprehensive medical institutions and some specialized hospitals should be prepared to accept COVID-19 patients to ensure that severe and critical cases can be differentiated, diagnosed, and effectively treated in time. The health administration departments, public health departments, and medical institutions at all (province, city, county, district, township, and street) levels, and social organizations shall function in epidemic prevention and control and provide guidance for patients and close contact families for disease prevention [23] .**
+
+[The Fight against the 2019-nCoV Outbreak: an Arduous March Has Just Begun](http://dx.doi.org/10.3346/jkms.2020.35.e56)
+Authors: Yoo, Jin-Hong
+Published: 2020-01-30 00:00:00
+Publication: J Korean Med Sci
+Match (0.6599): **In fact, at present, cooperation between community health centers and private hospitals is not always harmonious. The government needs to be more active, not just to leave everything to the medical staffs. After all, the responsibility for the controlling nationwide epidemics lies with health authorities of the government. The Korea Center for Disease Control and Prevention (KCDC) must be the control tower of the present disaster in Korea and all other central or local governmental organizations must cooperate with the KCDC. Toward the end of the 2019-nCoV outbreak we must go on a march of arduousness. Health workers, the government, and the people will need to unite to overcome this disaster.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6578): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.6459): **We encourage coordinated efforts between national and international health agencies and academia to produce line lists of patients which in turn will better enable the medical community to develop effective interventions against COVID-19.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6446): **The WHO exists to coordinate and lead in global health, and for the past week the Strategic Health Operations Centre (SHOC) has been holding hourly meetings to keep abreast of nCoV developments. The SHOC coordinates information and responses through a network of WHO teams, member states, and partner organisations; providing advice, tracking cases, and monitoring essential resources in the field. An Emergency Committee advises the Director General, who makes the ultimate decision on when and whether to declare a public health emergency of international concern. Thus far, escalation to this status has not been made, but the committee has planned to reconvene only days after their initial meeting to review this decision, closely following the rapid development of events. 4**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6276): **In the past decade, there has been an increased Chinese political focus on health, both nationally and internationally. Examples of a growing role in global health include unprecedented involvement in managing the Ebola outbreak and the ambitious 'One Belt One Road' 64-country development initiative, which encompasses 66% of the world's population and a third of global gross domestic product. 5 Chinese authorities were quick to close the Wuhan market, conduct epidemiological assessments, and notify the global health community. 6 The genetic sequence of the virus was shared by Chinese authorities on the 12 January to aid international development of effective diagnostics. 1 President Xi Jinping is personally leading a special cross-departmental taskforce, involving the heads of the health, security, traffic, education, and commerce departments.**
+
+[Authoritarianism, outbreaks, and information politics](https://doi.org/10.1016/S2468-2667(20)30030-X)
+Authors: Kavanagh, Matthew M.
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.6170): **For Amartya Sen, authoritarian states face serious challenges in information and accountability. 6 Governments in closed political systems, without open media and opposition parties, struggle to receive accurate information in a timely manner and to convey urgent information to the public. Governments can be the victims of their own propaganda, because the country's political institutions provide incentives to local officials to avoid sharing bad news with their central bosses and await instructions before acting.**
+
+[Emergence of a Novel Coronavirus Disease (COVID-19) and the Importance of Diagnostic Testing: Why Partnership between Clinical Laboratories, Public Health Agencies, and Industry Is Essential to Control the Outbreak](https://doi.org/10.1093/clinchem/hvaa071)
+Authors: Binnicker, Matthew J.
+Published: 2020-01-01 00:00:00
+Publication: Clinical Chemistry
+Match (0.6163): **Emergence of a Novel Coronavirus Disease (COVID-19) and the Importance of Diagnostic Testing: Why Partnership between Clinical Laboratories, Public Health Agencies, and Industry Is Essential to Control the Outbreak**
+
+# Integration of federal/state/local public health surveillance systems. + +[Transmission and epidemiological characteristics of Severe Acute Respiratory Syndrome Coronavirus 2 (SARS-CoV-2) infected Pneumonia (COVID-19): preliminary evidence obtained in comparison with 2003-SARS](https://doi.org/doi.org/10.1101/2020.01.30.20019836)
+Authors: Rongqiang Zhang; Hui Liu; Fengying Li; Bei Zhang; Qiling Liu; Xiangwen Li; Limei Luo
+Published: 2020-02-02 00:00:00
+Match (0.6594): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.30.20019836 doi: medRxiv preprint tested that the public health system of China was very vulnerable in front of the prevention and control of infectious diseases. Subsequently, the Chinese government implemented a series of reforms in the public health field, such as reorganization of the CDC, training public health professionals, and establishing the disease information system covering the whole country, the establishment of a complete reporting system for infectious diseases and an excellent mechanism for handling public health emergencies, etc. After a development for 17 years, a complete public health system has been established in China and great progress has been made in handling public health emergencies such as infectious disease epidemics.**
+
+[WeChat, a Chinese social media, may early detect the SARS-CoV-2 outbreak in 2019](https://doi.org/doi.org/10.1101/2020.02.24.20026682)
+Authors: Wenjun Wang; Yikai Wang; Xin Zhang; Yaping Li; Xiaoli Jia; Shuangsuo Dang
+Published: 2020-02-26 00:00:00
+Match (0.6428): **Traditional surveillance systems, including those used by Chinese Centers for Disease Control and Prevention (CDC), typically rely on clinical, virological, and microbiological data submitted by physicians and laboratories. Due to time and resource constraints, a lack of operational knowledge of reporting systems, and regulations in these systems, substantial lags between an outbreak event and its report are common [6] . On average, the reporting delay is around two weeks for traditional surveillance systems [6, 7] .**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6349): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6312): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6153): **To supplement formal reporting mechanisms between countries and with WHO (including the IHR), the use of informal mechanisms such as media and social media reports was advocated in the light of the SARS experience. There are now globally several systems that provide collated information from informal reporting including networks of experts and scanning of media and social media. These contribute to, and amplify, epidemic intelligence and are being integrated with national and international surveillance systems.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.5992): **The coronavirus disease 2019 outbreak is rapidly expanding across the world and presents a significant public health emergency with the potential of becoming pandemic. 1 As of March 1, 2020, cases of COVID-19 have been reported in over 60 countries. In early stages of epidemics with emerging pathogens, real-time analysis of accurate and robust epidemiological and clinical data is essential to developing interventional strategies and guiding public health decisionmaking. 2, 3 Such data can provide insight into infectivity, routes of transmission, disease severity, and outcomes, thus enabling epidemiologic modelling and improved public health responses. 4, 5 Line list data, which includes individual patient-level data on important epidemiological and clinical variables, is rarely available early during an outbreak with a novel pathogen. 5 However, recognizing the utility of such data and its ability to provide for real-time analyses, multiple academic groups have been curating line list data using crowdsourcing and openly sharing the data with the scientific community. 4, 5 Crowdsourcing enables the collection of data from multiple platforms including health-care-oriented social networks, government and public health agencies, and global news sources.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.5957): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5929): **Telemedicine has been acknowledged as a breakthrough technology in combating epidemics 2 . Combining the functions of online conversation and real-time clinical data exchange, telemedicine can provide technical support to the emerging need for workflow digitalization. When facing the rapid spread of an epidemic, the ability to deliver clinical care in a timely manner requires effective relational coordination mechanisms amongst government authorities, hospitals, and patients 3 . This raises the question: How can telemedicine systems operate in a coordinated manner to deliver effective care to patients with COVID-19 and to combat the crisis outbreak?**
+
+[The Impact of the COVID-19 Outbreak on the Medical Treatment of Chinese Children with Chronic Kidney Disease (CKD):A Multicenter Cross-section Study in the Context of a Public Health Emergency of International Concern](https://doi.org/doi.org/10.1101/2020.02.28.20029199)
+Authors: Gaofu Zhang; Haiping Yang; Aihua Zhang; Qian Shen; Li Wang; Zhijuan Li; Yuhong Li; Lijun Zhao; Yue Du; Liangzhong Sun; Bo Zhao; Hongtao Zhu; Haidong Fu; Xiaoyan Li; Xiaojie Gao; Sheng Hao; Juanjuan Ding; Zongwen Chen; Zhiquan Xu; Xiaorong Liu; Daoqi Wu; Mingsi Gao; Mo Wang; Qiu Li
+Published: 2020-03-03 00:00:00
+Match (0.5871): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 homes of the patients, indicating that we need a stable online "internet + CKD health management" platform and online hospital systems to cope with public health emergencies of international concern.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5760): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+# Value of investments in baseline public health response infrastructure preparedness + +[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.6490): **Community and healthcare preparedness in response to coronavirus outbreaks remain ongoing obstacles for global public health. For example, delays between disease development and progression and diagnosis or quarantine can severely impact both patient management and containment [21, 71] . Deficiencies in outbreak preparedness and healthcare network coordination efforts must ultimately be considered in response efforts. It is strongly recommended that universal reagents be maintained and available at global repositories for future outbreaks.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6327): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6327): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6235): **Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](https://doi.org/10.2807/1560-7917.es.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Publication: Eurosurveillance
+Match (0.6235): **Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6207): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.6206): **Our findings help informing urgent prioritization for intensified support for preparedness and response in specific countries in Africa found to be at high risk and with relatively low capacity to manage the health emergency.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.6108): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.6105): **One of the critical lessons from the SARS experience was the absolute necessity to be able to coordinate the international resources that are available in an outbreak and to get them focussed on identifying priorities and solving problems. The WHO established the means to do this for SARS and it has since been further developed and integrated into global preparedness, especially after the West Africa Ebola epidemic. Organisations such as the Global Outbreak Alert and Response Network (GOARN), the Coalition for Epidemic Preparedness Innovations (CEPI), the Global Research Collaboration For Infectious Disease Preparedness (GloPID-R) and the Global Initiative on Sharing All Influenza Data (GISAID) have been supported by the WHO Research Blueprint and its Global Coordinating Mechanism to provide a forum where those with the expertise and capacity to contribute to managing new threats can come together both between and during outbreaks to develop innovative solutions to emerging problems. This global coordination has been active in the novel coronavirus outbreak. WHO's response system includes three virtual groups based on those developed for SARS to collate real time information to inform real time guidelines, and a first candidate vaccine is ready for laboratory testing within 4 weeks of the virus being identified.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5909): **In order to prevent the development of a global pandemic from a regional epidemic, a global collaboration to ease the medical resources crisis in the affected countries during an infectious disease outbreak should be established. With the shared information, the collaboration could promptly evaluate the severity of the outbreak and the availability of medical resources. Travel advice and guidance of self-protection should also account for the potential medical resouce crisis in the epidemic areas.**
+
+# Modes of communicating with target high-risk populations (elderly, health care workers). + +[Caring for persons in detention suffering with mental illness during the Covid-19 outbreak](https://doi.org/10.1016/j.fsiml.2020.100013)
+Authors: Liebrenz, M.; Bhugra, D.; Buadze, A.; Schleifer, R.
+Published: 2020-01-01 00:00:00
+Publication: Forensic Science International: Mind and Law
+Match (0.5712): **There is a disproportionate number of individuals with mental and somatic illnesses among persons in detention (Bhugra, 2020; Ginn, 2012) . It is also known that infections which are transmitted human to human via droplet or close contact spread particularly well in confined spaces. Since transfer options for further treatment are more difficult (especially in detention facilities) preventive measures are strongly emphasized, particularly in the case of viral droplet infections. For example, in the context of influenza, vaccination of detainees and staff is recommended (NHS 2019) . If such options are not available, prisons and other closed facilities, like asylum centers, shelters, and closed psychiatric hospitals, pose a risk for the rapid spread of such diseases. In the past, Australia for example has described the rapid spread of influenza among prison inmates (Awofeso et al., 2001) . The Spanish flu is also reported to have affected about a quarter of all inmates; a prevalence much higher when compared to data from the general population (Finnie, Copley, Hall, & Leach, 2014) . We are also currently receiving news from China, which reports a rapid spread of Covid-19 infections among prisoners from the Hubei Province. Regarding Covid-19, the spread seems to have been caused by infected security personnel importing it into detention facilities. According to the media, the Chinese government reacted to the outbreak among inmates by locking down affected prisons, suspending the transportation of goods, testing inmates who were in contact with the diagnosed wardens, and also by dismissing the prison directors and setting up a commission to analyse the spread of the virus among detained individuals (Caixing Global 2019). Correctly, there has recently been talk of a "blind spot" in the media regarding the spread of Covid-19 among prison inmates. (Global Times 2020) We argue that the blind spot extends further to particularly marginalized groups such as individuals using and abusing drugs and people without legal residence status, especially since these groups often overlap with individuals in detention (Liem, Wang, Wariyanti, Latkin, & Hall, 2020) . Under normal circumstances, the psychological and psychiatric care of individuals in prison is already a major challenge for many health care systems; a problem that is even more evident in times of crisis, as is currently observed. The difficulties arise on different levels and affect detained individuals, security personnel, as well as medical staff alike (Chen et al., 2020) . Fears, worries, and uncertainties, especially for isolated or quarantined patients, can cause an increase in stress-related illnesses but also the exacerbation of pre-existing mental disorders (Duan & Zhu, 2020) . This leads to a dilemma: the higher level of care and support that is required is contravened by recommendations that, especially under conditions of isolation, advise against the routine consultation of clinical psychologists, psychiatrists, and social workers in order to prevent the spread of infections. In this situation, medical staff, who are primarily focused on treating the infection (or complications thereof), must then additionally provide psychological care and be ready to intervene during a mental health crisis. Against this backdrop, some authors advocate for the use of online counselling tools and web platforms to support individuals in isolation and those affected (Liu et al., 2020) . Although these recommendations are directed at the general population and not at a prison population, it does not seem reasonable that such channels of care should not be used for individuals under detention as well. Other models could be envisaged, such as the provision of telephone counselling for prisoners and staff. However, for the current outbreak of Covid-19, such elements may not be implemented quickly enough. This raises the question of how to provide rational, basic psychiatric care under the current challenging conditions. We urge that governments take into account special needs of people in confined closed spaces. They must try: -Preserving continuity in provision of psychiatric and psychological care to individuals in detention is imperative and should remain so during the Covid-19 outbreak. -Early coordination between regional prison authorities, prison psychiatry, and general medical and general psychiatric care providers (e.g. in cases of referrals). This must also include close liaison with court diversion schemes, probation officers and others. Some clear guidance needs to be developed urgently regarding visitors to prisons and jails. -Given the potential shortage of time and human resources, the more severe psychiatric and psychological cases must be carefully triaged. Here, factors such as pre-existing mental illness, self-and extraneous endangerment, violence and aggressive behavior, refusal to eat, and also assessments and recommendations of experienced security staff should be taken into account. -Given the flood of perceivable unsettling information on Covid-19, staff providing psychological or psychiatric treatment should be informed regularly and urgently about symptomatology and presentation and on the realistic clinical course, also in comparison to other infectious diseases or in comparison to other daily risks. Sharing of accurate information without bias and panic is critical. -Ensuring the provision of masks, disinfectants and protective measures in sufficient quantity for psychological and psychiatric staff visiting individuals in detention. -Particular attention should also be paid to certify that staff deployed to provide psychological-psychiatric care in institutions are informed and/or sensitized of known potential risk factors for a more severe course of a Covid-19 infection of their own (advanced age, somatic comorbidities, chronic respiratory diseases, hypertension, cancer, known immune deficiencies etc.). Due to the currently limited understanding of Covid-19, it may be advisable to prohibit employees with such conditions from providing psychological or psychiatric care to individuals in detention and prisons. -If there is a sudden shortage of staff providing psychological and psychiatric care to detained individuals with a mental illness, staff from general psychiatry may have to fill consequential gaps. This needs careful planning on an urgent basis so that the potential of extremely long working hours of medical staff during the current outbreak can be managed successfully.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5237): **This guideline is suitable for frontline doctors and nurses, managers of hospitals and healthcare sections, healthy community residents, personnel in public healthcare, relevant researchers, and all persons who are interested in the 2019-nCoV management.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5237): **This guideline is suitable for frontline doctors and nurses, managers of hospitals and healthcare sections, healthy community residents, personnel in public healthcare, relevant researchers, and all persons who are interested in the 2019-nCoV management.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.5236): **The finding of people in a small sample of rural communities in southern China seropositive for a bat SARSr-CoV suggests that bat-origin coronaviruses commonly spillover in the region [18] . Single cases or small clusters of human infection may evade surveillanceparticularly in regions and countries that border China with less healthcare capacity or rural areas where people don't seek diagnosis or treatment in a timely fashion. Surveillance programs can be designed by local public health authorities to identify communities living in regions with high wildlife diversity and likely high diversity of novel viruses [21] . People with frequent contact with wild or domestic animals related to their livelihood and occupation, and patients presenting acute respiratory infection (ARI) or influenza-like illness (ILI) symptoms with unknown etiology can be included into the surveillance as a cost-effective method to identify novel virus spillovers. This 'pre-outbreak surveillance' strategy can be coordinated with different sectors of public health, healthcare, agriculture and forestry to implement sample collection and testing of wildlife, domestic animals, and people in collaboration with research institutions. These efforts will help identify and characterize viral genetic sequence, identify high-risk human populations with antibodies and cell-mediated immunity responses to wildlife-origin CoVs [22] , as well as the risk factors in human behaviors and living environment through interviews. Evidencebased strategies to reduce risk can then be designed and implemented in the communities where viral spillover is identified.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5225): **The rapid spread of Coronavirus disease 2019 (COVID-19) presents China with a critical challenge. As normal capacity of the Chinese hospitals is exceeded, healthcare professionals struggling to manage this unprecedented crisis face the difficult question of how best to coordinate the medical resources used in highly separated locations. Many cities in China have been imposing a lockdown, due to the high risk of infection and the characteristic of human-to-human transmission 1 . Not only have patients been marginalized, but many clinicians working in the regional hospitals have limited access to the specialist consultations and treatment guidelines they need from provincial-level hospitals to manage pneumonia cases caused by COVID-19. As long as the crisis continues, simply relying on the traditional communicative practices, such as physician office visit or face-to-face consultations within the health professional network, could pose significant costs and health concerns.**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.5095): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.05.20020792 doi: medRxiv preprint Communication campaigns have been intensified following WHO guidelines to provide information to health professionals and the general public, often with 24h dedicated hotlines, as in the case of Senegal [3] .**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5058): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.4989): **After the epidemic outbreak, psychosocial support mainly focuses on the quarantined people and medical staffs working for them (Fig. 4) . Social support and psychological intervention are mostly provided by family members, social workers, psychologists, and psychiatrists to isolated patients, suspected patients, and close contacts, primarily through telephone hotline and Internet (e.g. WeChat, APPs). Medical staffs working for the quarantined are the special group who need a lot of social support, and they are also an important force to provide social support for the isolated patients. To guarantee their continued effective work, their mental health status should be monitored and a continuum of timely interventions should be made available to support them. The Anticipated, Plan and Deter (APD) Responder Risk and Resilience Model (Fig. 5) is an effective method for understanding and managing psychological impacts among medical staffs, including managing the full risk and resilience in the responder "hazard specific" stress. 15 In the APD process, medical staffs receive a pre-event stress training focusing on the psychosocial impact of high-casualty events on the hospital and field disaster settings. During the training, participants are given the chance to develop a "personal resilience plan", which involves identifying and anticipating response challenges. After that they should learn to use it in real intervention response.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4952): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+[The Impact of the COVID-19 Outbreak on the Medical Treatment of Chinese Children with Chronic Kidney Disease (CKD):A Multicenter Cross-section Study in the Context of a Public Health Emergency of International Concern](https://doi.org/doi.org/10.1101/2020.02.28.20029199)
+Authors: Gaofu Zhang; Haiping Yang; Aihua Zhang; Qian Shen; Li Wang; Zhijuan Li; Yuhong Li; Lijun Zhao; Yue Du; Liangzhong Sun; Bo Zhao; Hongtao Zhu; Haidong Fu; Xiaoyan Li; Xiaojie Gao; Sheng Hao; Juanjuan Ding; Zongwen Chen; Zhiquan Xu; Xiaorong Liu; Daoqi Wu; Mingsi Gao; Mo Wang; Qiu Li
+Published: 2020-03-03 00:00:00
+Match (0.4890): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 homes of the patients, indicating that we need a stable online "internet + CKD health management" platform and online hospital systems to cope with public health emergencies of international concern.**
+
+# Risk communication and guidelines that are easy to understand and follow (include targeting at risk populations’ families too). + +[A model simulation study on effects of intervention measures in Wuhan COVID-19 epidemic](https://doi.org/doi.org/10.1101/2020.02.14.20023168)
+Authors: Guopeng ZHOU; Chunhua CHI
+Published: 2020-02-18 00:00:00
+Match (0.5023): **With all these intervention measures undertaken, and maybe more on the way, proper tools are need anticipate possible effects on epidemic control and to provide reliable information to support future decisions. Simulation also can help people understand how infectious disease spread and how to understand the purpose and consequences of various efforts.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5019): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4894): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[Communicating the Risk of Death from Novel Coronavirus Disease (COVID-19)](https://doi.org/10.3390/jcm9020580)
+Authors: Kobayashi, Tetsuro; Jung, Sung-mok; Linton, M. Natalie; Kinoshita, Ryo; Hayashi, Katsuma; Miyama, Takeshi; Anzai, Asami; Yang, Yichi; Yuan, Baoyin; Akhmetzhanov, R. Andrei; Suzuki, Ayako; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.4691): **It has been less than two months since the emergence of COVID-19 gained international recognition, and during this early phase the statistical estimation of the CFR is complicated by a number of technical obstacles. It is necessary to (i) account for the time delay from illness onset to death, (ii) define the population considered in the CFR denominator (how we define a case), and (iii) quantify the heterogeneity in the risk of death. Each of these requires a sophisticated modeling approach and detailed case dataset in addition to a simple division of the number of deaths by the number of cases. In the ongoing epidemic of COVID-19, all these aspects have not yet been fully addressed, although the global public health community is obliged to continually confront the epidemic and make political decisions encompassing travel restrictions, containment measures, and mitigation strategies. To accomplish the scientific assessment of the severity and sufficiently understand pitfalls surrounding the associated debates, we aim to guide the readers to understand the likely severity of COVID-19 and direct the course of future research.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.4675): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4606): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+[A model simulation study on effects of intervention measures in Wuhan COVID-19 epidemic](https://doi.org/doi.org/10.1101/2020.02.14.20023168)
+Authors: Guopeng ZHOU; Chunhua CHI
+Published: 2020-02-18 00:00:00
+Match (0.4575): **3. Current strict control measures help to contain disease from spreading. And long-term effect relates to how well Wuhan fulfill this task.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.4572): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.4534): **Working with journalists and the media to help them understand the science and epidemiology, particularly in a fast moving event, will improve risk communication to the public and reduce inappropriate concerns and panic.**
+
+[Li Wenliang, a face to the frontline healthcare worker? The first doctor to notify the emergence of the SARS-CoV-2, (COVID-19), outbreak](https://doi.org/10.1016/j.ijid.2020.02.052)
+Authors: Petersen, Eskild; Hui, David; Hamer, Davidson H.; Blumberg, Lucille; Madoff, Lawrence C.; Pollack, Marjorie; Lee, Shui Shan; McLellan, Susan; Memish, Ziad; Praharaj, Ira; Wasserman, Sean; Ntoumi, Francine; Azhar, Esam Ibraheem; McHugh, Timothy D.; Kock, Richard; Ippolito, Guiseppe; Zumla, Ali; Koopmans, Marion
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.4504): **Global public health security is of primary importance to prevent outbreaks of diseases with epidemic potential and every effort to detect, report, and institute infection prevention and control measures should be made. Astute clinicians, access to laboratories with state of the art tools, and openness, transparency and quick reporting are crucial components of this response (Kavanagh, 2020) . This requires an open flow of information and collaboration between laboratory experts and clinicians on the frontline who may be the first to observe unusual clustering of cases or uncommon clinical presentations, both of which should be reported immediately.**
+
+# Communication that indicates potential risk of disease to all population groups. + +[Association of Population Migration and Coronavirus Disease 2019 Epidemic Control](https://doi.org/doi.org/10.1101/2020.02.18.20024661)
+Authors: Yu Ding; Sihui Luo; Xueying Zheng; Ping Ling; Tong Yue; Zhirong Liu; Jianping Weng
+Published: 2020-02-20 00:00:00
+Match (0.4495): **Association of Population Migration and Coronavirus Disease 2019 Epidemic Control**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.4291): **There is uncertainty regarding transmissibility and severitymore information is emerging about the spectrum of disease, especially mild disease, which is not identified using many current case definitions, and about the ease of transmission from person to person. Health agencies are unsure how to model this and estimates vary depending on the variables being used. For instance, SARS was essentially spread later in the disease from patients with more significant clinical pictures, and it was contained by infection control measures particularly in hospitals. The limited spread to family members of health workers and the community was contained by usual outbreak control measures including early identification and management of persons with infection, tracing of contacts with monitoring for onset of fever and/or symptoms, and active engagement of communities.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.4291): **There is uncertainty regarding transmissibility and severitymore information is emerging about the spectrum of disease, especially mild disease, which is not identified using many current case definitions, and about the ease of transmission from person to person. Health agencies are unsure how to model this and estimates vary depending on the variables being used. For instance, SARS was essentially spread later in the disease from patients with more significant clinical pictures, and it was contained by infection control measures particularly in hospitals. The limited spread to family members of health workers and the community was contained by usual outbreak control measures including early identification and management of persons with infection, tracing of contacts with monitoring for onset of fever and/or symptoms, and active engagement of communities.**
+
+[Estimation of the Transmission Risk of the 2019-nCoV and Its Implication for Public Health Interventions](https://doi.org/10.3390/jcm9020462)
+Authors: Tang, Biao; Wang, Xia; Li, Qian; Bragazzi, Nicola Luigi; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.4222): **Estimation of the Transmission Risk of the 2019-nCoV and Its Implication for Public Health Interventions**
+
+[The cross-sectional study of hospitalized coronavirus disease 2019 patients in Xiangyang, Hubei province](https://doi.org/doi.org/10.1101/2020.02.19.20025023)
+Authors: Jinwei Ai; Junwen Chen; Yong Wang; Xiaoyun Liu; Wufeng Fan; Gaojing Qu; Meiling Zhang; Shengduo Polo Pei; Bowen Tang; Shuai Yuan; Yang Li; Lisha Wang; Guoxin Huang; Bin Pei
+Published: 2020-02-23 00:00:00
+Match (0.3707): **The copyright holder for this preprint . https://doi.org/10.1101/2020.02. 19.20025023 doi: medRxiv preprint intervention and control of basic diseases may be a way to reduce the critical ill rate and mortality of the aged-infected population.**
+
+[Vicarious traumatization in the general public, members, and non-members of medical teams aiding in COVID-19 control](https://doi.org/doi.org/10.1101/2020.02.29.20029322)
+Authors: Zhenyu Li; Jingwu Ge; Meiling Yang; Jianping Feng; Mei Qiao; Riyue Jiang; Jiangjiang Bi; Gaofeng Zhan; Xiaolin Xu; Long Wang; Qin Zhou; Chenliang Zhou; Yinbing Pan; Shijiang Liu; Haiwei Zhang; Jianjun Yang; Bin Zhu; Yimin Hu; Kenji Hashimoto; Yan Jia; Haofei Wang; Rong Wang; Cunming Liu; Chun Yang
+Published: 2020-03-03 00:00:00
+Match (0.3668): **Although the severity of VT in the GP is higher than that of the medical staff, the study must emphasize that no difference was observed in the scores of physiological responses of VT between the two groups. A significant difference was noted for psychological responses, which consist of behavioral responses, emotional responses, and life beliefs. This finding may be highly related to the fact that China has adopted a strict isolation policy to deal with the epidemic, thus calling on the public to reduce face-to-face contact and communication to reduce the probability of viral transmission.**
+
+[Covid-19: are we getting the communications right?](https://doi.org/10.1136/bmj.m919)
+Authors: Cowper, A.
+Published: 2020-01-01 00:00:00
+Publication: BMJ (Clinical research ed.)
+Match (0.3644): **Covid-19: are we getting the communications right?**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.3546): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02. 18.20024448 doi: medRxiv preprint Table 3 . Perception factors associated with anxiety and behavioral responses Table 1 are controlled for. * for significance at the 5% level; ** for significance at the 1% level.**
+
+[Substantial undocumented infection facilitates the rapid dissemination of novel coronavirus (COVID-19)](https://doi.org/doi.org/10.1101/2020.02.14.20023127)
+Authors: Ruiyun Li; Sen Pei; Bin Chen; Yimeng Song; Tao Zhang; Wan Yang; Jeffrey Shaman
+Published: 2020-02-17 00:00:00
+Match (0.3531): **Combined, these measures are expected to increase reporting rates, reduce the proportion of undocumented infections, and decrease the growth and spread of infection. Indeed, estimation of the epidemiological characteristics of the outbreak after January 23, indicate that government control efforts and population awareness have reduced the rate of spread of the virus (i.e. lower , , 4 ) and increased the reporting rate. The overall reduction of the effective reproductive number is encouraging; however, the control efforts have yet to critically and clearly reduce 4 below 1.**
+
+[Emotional responses and coping strategies of nurses and nursing college students during COVID-19 outbreak](https://doi.org/doi.org/10.1101/2020.03.05.20031898)
+Authors: Long Huang; Fu ming xu; Hai rong Liu
+Published: 2020-03-08 00:00:00
+Match (0.3464): **After controlling for gender, spatial distance, identity, and urban-rural attributes, correlation analysis was performed on the emotional response and coping strategies.**
+
+# Misunderstanding around containment and mitigation. + +[Phase adjusted estimation of the number of 2019 novel coronavirus cases in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.18.20024281)
+Authors: Huwen Wang; Zezhou Wang; Yinqiao Dong; Ruijie Chang; Chen Xu; Xiaoyue Yu; Shuxian Zhang; Lhakpa Tsamlag; Meili Shang; Jinyan Huang; Ying Wang; Gang Xu; Tian Shen; Xinxin Zhang; Yong Cai
+Published: 2020-02-23 00:00:00
+Match (0.5436): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02. 18.20024281 doi: medRxiv preprint taking the unprecedentedly strict prevention and control measures in China into consideration is required to better guide the future prevention decisions.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5395): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[Risk estimation and prediction by modeling the transmission of the novel coronavirus (COVID-19) in mainland China excluding Hubei province](https://doi.org/doi.org/10.1101/2020.03.01.20029629)
+Authors: Hui Wan; Jing-an Cui; Guo-Jing Yang
+Published: 2020-03-06 00:00:00
+Match (0.5393): **At the early stage of the outbreak, estimation of the basic reproduction number R 0 is crucial for determining the potential and severity of an outbreak, and providing precise information for designing and implementing disease outbreak responses, namely the identification of the most appropriate, evidence-based interventions, mitigation measures and the determination of the intensity of such programs in order to achieve the maximal protection of the population with the minimal interruption of social-economic activities [4, 5] .**
+
+[SARS to novel coronavirus – old lessons and new lessons](http://dx.doi.org/10.1017/S0950268820000254)
+Authors: McCloskey, Brian; Heymann, David L.
+Publication: Epidemiol Infect.; 148:e22
+Match (0.5292): **There are some indications of areas where further improvement is necessary. The global media response to the unfolding events has been relatively balanced and informed but the nuances of the evolving situation have not been critically examined in partnership with the media and as a result the public perception of the risk may be exaggeratedalthough it of course remains possible that the outbreak will develop in a way that matches up to the perceived risk. The lack of appreciation of the uncertainties in determining a meaningful case fatality rate and the significance of ascertainment bias at the beginning of an outbreak, along with the impact of aggressive case finding on case numbers, are examples of where understanding could be improved. This is always a challenging process when balancing the resources focussed on analysing the situation on the ground with resources directed at interpreting the information for journalists but in SARS, the R 0 was seen to decrease in response to information reaching the public and the public then adopting risk reduction actions [6] ; so accurate public risk communication is critical to success. It would be helpful to find a forum where this can be explored with the media community after the event.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5155): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[Emerging understandings of 2019-nCoV](https://doi.org/10.1016/S0140-6736(20)30186-0)
+Authors: The Lancet
+Published: 2020-01-01 00:00:00
+Publication: Lancet
+Match (0.4939): **Emerging understandings of 2019-nCoV**
+
+[Spatially Explicit Modeling of 2019-nCoV Epidemic Trend based on Mobile Phone Data in Mainland China](https://doi.org/doi.org/10.1101/2020.02.09.20021360)
+Authors: Xiaolin Zhu; Aiyin Zhang; Shuai Xu; Pengfei Jia; Xiaoyue Tan; Jiaqi Tian; Tao Wei; Zhenxian Quan; Jiali Yu
+Published: 2020-02-11 00:00:00
+Match (0.4933): **Our predictions of three future scenarios, namely the current trend maintained, control efforts expanded, person-to-person contacts increased due to work resuming, provide information for decision makers to allocate resources for controlling the disease spread. Generally speaking, densely populated cities and cities in central China will face severe pressure to control the epidemic, since the number of infections keeps increasing in all three scenarios in the near future. By comparing predictions of three scenarios, it is obvious that reducing the transmissibility is a critical approach to reduce the daily new infections and controlling the magnitude of epidemics. Fortunately, the latest number of confirmed diagnoses ( Figure 1 ) and our prediction both show the slowing down of new infections in these days, indicating current control measures implemented by Chinese government are effective, including controlling traffic between Wuhan and other regions, isolating suspected patients, canceling mass gatherings, and requiring people to implement protective measures. However, once the Spring Festival travel rush returns as scenario 3 (most provinces planned to resume work on February 9), it will inevitably cause considerable growth in transmissibility and further re-increase of epidemics. In addition, current insufficient supply of protective equipment may exacerbate this situation. Therefore, public health interventions should be performed continuously to obtain the best results of epidemic control. The following measures are recommended to implement continuously in the near future, such as, postponing work resuming, arranging work-from-home, and instructing enterprises to implement epidemic prevention measures. Essentially, all measures are for reducing population mobility and person-to-person contact, and there is no panacea for all conditions, hence interventions in different regions should be adapted according to local epidemics.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.4892): **The ongoing coronavirus disease 2019 (COVID-19) outbreak is giving rise to worldwide anxieties, rumours, and online misinformation. But it offers an opportunity to put into practice some lessons learned in studies of social media during epidemics, particularly with respect to the dynamics of online heroisation and blame.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.4883): **Containment measures in the COVID-19 outbreak have focused on identifying, treating, and isolating infected people, tracing and quarantining their close contacts, and promoting precautionary behaviors among the general public. Therefore, the psychological and behavioral responses of the general population play an important role in the control of the outbreak. Previous studies have explored on this topic in various culture settings with SARS, 4, 5, 6 pandemic influenza A(H1N1), 7, 8, 9, 10 and influenza A(H7N9). 11, 12, 13 Cultural differences are evident in public responses. 14, 15 Behavioral changes are also associated with government involvement level, perceptions of diseases, and the stage of the outbreak, and these factors vary by diseases and settings. 4, 5, 8, 16 The current COVID-19 outbreak provides a unique platform to study behavioral changes for two main reasons. First, government engagement in the control of the outbreak has been unprecedented, for example, locking down Wuhan and surrounding cities, building new hospitals to treat infected patients in Wuhan within two weeks, extending holidays and school closure, deploying thousands of medical staff to heavily affected areas, and running intense public messaging campaigns. Second, the public are faced with rather mixed information, partly because knowledge of the newly emerging disease is evolving with the course of the outbreak. For example, the national technical protocols for COVID-19 released by the National Health Commission have been updated five times within a month. Both features might result in different public responses towards the outbreak. In this study, we aimed to investigate psychological and behavioral responses to the threat of COVID-19 outbreak and to examine public perceptions associated with the response outcomes in mainland China.**
+
+[The novel coronavirus outbreak in Wuhan, China](https://doi.org/10.1186/s41256-020-00135-6)
+Authors: Zhu, Hengbo; Wei, Li; Niu, Ping
+Published: 2020-01-01 00:00:00
+Publication: Global Health Research and Policy
+Match (0.4879): **Wuhan has the competence and will to manage the outbreak supported by the provincial and central governments, together with the solidarity of whole China and the international community. Wuhan has made great contributions to global health. Further global cooperation is required in order to win the pandemic war from local to global. Scientists all over the world need to understand COVID-19 and discover potentially effective antiviral treatments and vaccines; epidemiologists need to conduct intensive contact investigations; It is important to promote protection knowledge for the general public [10] . Finally, Wuhan will not cease the restrictions of population mobility and transportation until the situation is fully under control. With all people working together, it is undoubtedly the COVID-19 can be treated and the pandemic is controllable. However, comprehensive actions from multi-sectoral bodies, both national and international, with supportive attitudes will be important to proceed towards the solution. **
+
+# Action plan to mitigate gaps and problems of inequity in the Nation’s public health capability, capacity, and funding to ensure all citizens in need are supported and can access information, surveillance, and treatment. + +[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7367): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7367): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.7185): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.7046): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6986): **In order to prevent the development of a global pandemic from a regional epidemic, a global collaboration to ease the medical resources crisis in the affected countries during an infectious disease outbreak should be established. With the shared information, the collaboration could promptly evaluate the severity of the outbreak and the availability of medical resources. Travel advice and guidance of self-protection should also account for the potential medical resouce crisis in the epidemic areas.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6980): **Whilst strong epidemiology and surveillance systems are indispensable tools for the detection and monitoring of outbreaks and public health emergencies, strong primary care systems form the foundation of any emergency response. In the UK, primary care handles over 95% of all health system activity. WHO member states have repeatedly affirmed their commitment to developing their primary care systems with a view to training up community-based health professionals who are able to provide care across the spectrum of prevention, preparedness, response, and recovery. As the 'front door' of the health system, primary care professionals should be involved in planning and action for health emergency risk management. WONCA (the global professional body for family medicine) has actively championed the ways in which primary care can be supported to deliver care during population emergencies. National primary care bodies can coordinate with public health leads to cascade information to practitioners, communicate with the public, and collate health intelligence from the frontline primary care. 8 The Ebola crisis taught us a valuable lesson about what happens when an outbreak takes health workers away from core functions to focus on crisis response; the number of people who died from reduced access to usual care probably exceeded the number killed by the virus. 9 Strong health systems built on comprehensive primary care are able to integrate both functions, disseminating the emergency response resources and information required to community-level staff who have the breadth of training required to manage new suspected cases alongside routine family medicine. Decent access to primary health care is essential in health emergencies, and its infrastructure crucial for containment, 10 just as good access to high-quality primary care is at the foundation of any strong health system. 11**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.6911): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6846): **In conclusion, there are a number of urgent research priorities to inform the public health response to the global spread of 2019-nCoV infections. Establishing robust estimates of the clinical severity of infections is probably the most pressing, because flattening out the surge in hospital admissions would be essential if there is a danger of hospitals becoming overwhelmed with patients who require inpatient care, not only for those infected with 2019-nCoV but also for urgent acute care of patients with other conditions including those scheduled for procedures and operations. In addressing the research gaps identified here, there is a need for strong collaboration of a competent corps of epidemiological scientists and public health workers who have the flexibility to cope with the surge capacity required, as well as support from laboratories that can deliver on the ever rising demand for diagnostic tests for 2019-nCoV and related sequelae. The readiness survey by Reusken et al. in this issue of Eurosurveillance testifies to the rapid response and capabilities of laboratories across Europe should the outbreak originating in Wuhan reach this continent [23] .**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.6828): **Community and healthcare preparedness in response to coronavirus outbreaks remain ongoing obstacles for global public health. For example, delays between disease development and progression and diagnosis or quarantine can severely impact both patient management and containment [21, 71] . Deficiencies in outbreak preparedness and healthcare network coordination efforts must ultimately be considered in response efforts. It is strongly recommended that universal reagents be maintained and available at global repositories for future outbreaks.**
+
+[The novel coronavirus outbreak in Wuhan, China](https://doi.org/10.1186/s41256-020-00135-6)
+Authors: Zhu, Hengbo; Wei, Li; Niu, Ping
+Published: 2020-01-01 00:00:00
+Publication: Global Health Research and Policy
+Match (0.6768): **Wuhan has the competence and will to manage the outbreak supported by the provincial and central governments, together with the solidarity of whole China and the international community. Wuhan has made great contributions to global health. Further global cooperation is required in order to win the pandemic war from local to global. Scientists all over the world need to understand COVID-19 and discover potentially effective antiviral treatments and vaccines; epidemiologists need to conduct intensive contact investigations; It is important to promote protection knowledge for the general public [10] . Finally, Wuhan will not cease the restrictions of population mobility and transportation until the situation is fully under control. With all people working together, it is undoubtedly the COVID-19 can be treated and the pandemic is controllable. However, comprehensive actions from multi-sectoral bodies, both national and international, with supportive attitudes will be important to proceed towards the solution. **
+
+# Measures to reach marginalized and disadvantaged populations. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4998): **While the significance of such data in advancing efficiency, productivity and processes in different sectors is being lauded, there are criticisms arising as to the nature of data collection, storage, management and accessibility by only a small group of users. The latter particularly includes select ICT corporations that are also located in specific geographies [6, [14] [15] [16] [17] . These criticisms are justified, as in recent years, big data is seen as the new 'gold rush' of the 21st century and limiting its access means higher economic returns and increased influence and control at various scales to those who control data. These associated benefits with big data are clearly influencing geopolitical standings, in both corporate and conventional governance realms, and there is increased competition between powerful economies to ensure that they have the maximum control of big data. As case in point is the amount of 'push and pull' that has arisen from Huawei's 5G internet planned rollout [18] . Though the latter service offers unprecedented opportunities to increase internet speeds, and thereby influence the handling of big data, countries like the U.S. and some European countries that are key proponents and players in global political, economic and health landscapes, are against this rollout, arguing that it is a deceptive way of gathering private data under the guise of espionage. On this, it has been noted that the issue of data control and handling by a few corporations accords with their principles of nationalism, and that these work for their own wellbeing as well as to benefit the territories they are registered in. Therefore, geopolitical issues are expected on the technological front as most large data-rich corporations are located in powerful countries that have influence both economically, health-wise and politically [19] [20] [21] . Such are deemed prized tokens on the international landscape, and it is expected that these economies will continue to work towards their predominant control as much as possible. On the health sector, the same approach is being upheld where critical information and data are not freely shared between economies as that would be seen to be benefiting other in-competition economies, whereas different economies would cherish the maximization of benefits from such data collections.**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.4692): **We now consider a more realistic population which consists of coupled sub-populations, so effectively a metapopulation model. The most obvious reason for this setup could be location/geographic or by age, but other alternatives exist including religion, ethnicity or socio-economic status. We again consider one-shot interventions that either target the entire population at once or that target individual sub-populations at different times. A typical plot of the prevalence level in each sub-populations is shown in figure 4 in the absence of intervention. The epidemic starts in sub-population two but it then spreads to all the other.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4629): **In addition to the obvious deep-rooted social issues related to nationalism, other challenges include the increasing movement of people globally that is being enhanced by reduced costs and higher speed. In particular, these challenges are more pronounced when it comes to public health. This is because most of the health-related data collected not only can compromise local nations, but also captures those of travelers. In such cases, in a bid to improve the health status of a nation, it becomes paramount to factor in data from other regions necessitating unhindered sharing of this data.**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.4563): **We find that in the metapopulation model, the targeted one-shot intervention achieves significant improvements over a synchronized one-shot intervention. This is because the inherent asynchrony of the epidemics means that many communities have an epidemic either before or after the intervention. Our results offer strong support for targeting the interventions if they cannot be maintained for a long period. We have ignored the logistical challenges that might be associated with implementing the intervention separately for each sub-population. On a large scale (states within a country) we anticipate that this is logistically feasible, while on a small scale (suburbs in a city) it is more likely that the epidemics will be synchronized.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.4343): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Healthcare-resource-adjusted vulnerabilities towards the 2019-nCoV epidemic across China](https://doi.org/doi.org/10.1101/2020.02.11.20022111)
+Authors: Hanchu Zhou; Jianan Yang; Kaichen Tang; Qingpeng Zhang; zhidong cao; Dirk Pfeiffer; Daniel Dajun Zeng
+Published: 2020-02-12 00:00:00
+Match (0.4204): **The reported vulnerability analysis informs public health response to the 2019-nCoV epidemic in multiple ways. For the identified cities with high vulnerability, it is important to increase the reserve of healthcare resources or have contingent plans. In particular, some of these cities already contributed significant healthcare resources to Hubei, leaving themselves inadequately prepared for the localized outbreak. Our analysis revealed that several medium-sized cities, particularly those neighboring Hubei, are highly vulnerable due to the lack of healthcare resources. **
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.4075): **Tailored and sustainable approaches should be adopted in a different situation, striking a balance among the control of infection and death number, confining epidemic regions, and maintaining socioeconomic vitality. **
+
+[Association of Population Migration and Coronavirus Disease 2019 Epidemic Control](https://doi.org/doi.org/10.1101/2020.02.18.20024661)
+Authors: Yu Ding; Sihui Luo; Xueying Zheng; Ping Ling; Tong Yue; Zhirong Liu; Jianping Weng
+Published: 2020-02-20 00:00:00
+Match (0.4071): **Overall, population migration and social connection would affect the pattern of the spread of COVID-19. This indicated that to control the spread of airborne and direct contact diseases such as COVID-19, we need differentiated strategies that pay special attention to population flow and cultural factors. For population migration, given our technological capability particularly in attaining and analyzing big data, we are able to monitor population in-and outflow by region and in real time. Under a novel infectious disease outbreak background, precautions should be taken to closely monitor the trend of population migration, and quick response should be made to deal with expected and unexpected population flow. For cities like Hefei, with predominant inflow of native population from the epidemic focus, restriction to gatherings would be a step of priority to contain infection considering both population migration and cultural factors. In the case of Shenzhen, close monitoring and quick response to unexpected large in or out flow of population would prepare the affected regions for adequate surveillance strategy and allocating healthcare resources for the incoming suspected and confirmed cases.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4060): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4044): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+# Data systems and research priorities and agendas incorporate attention to the needs and circumstances of disadvantaged populations and underrepresented minorities. + +[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6666): **While the significance of such data in advancing efficiency, productivity and processes in different sectors is being lauded, there are criticisms arising as to the nature of data collection, storage, management and accessibility by only a small group of users. The latter particularly includes select ICT corporations that are also located in specific geographies [6, [14] [15] [16] [17] . These criticisms are justified, as in recent years, big data is seen as the new 'gold rush' of the 21st century and limiting its access means higher economic returns and increased influence and control at various scales to those who control data. These associated benefits with big data are clearly influencing geopolitical standings, in both corporate and conventional governance realms, and there is increased competition between powerful economies to ensure that they have the maximum control of big data. As case in point is the amount of 'push and pull' that has arisen from Huawei's 5G internet planned rollout [18] . Though the latter service offers unprecedented opportunities to increase internet speeds, and thereby influence the handling of big data, countries like the U.S. and some European countries that are key proponents and players in global political, economic and health landscapes, are against this rollout, arguing that it is a deceptive way of gathering private data under the guise of espionage. On this, it has been noted that the issue of data control and handling by a few corporations accords with their principles of nationalism, and that these work for their own wellbeing as well as to benefit the territories they are registered in. Therefore, geopolitical issues are expected on the technological front as most large data-rich corporations are located in powerful countries that have influence both economically, health-wise and politically [19] [20] [21] . Such are deemed prized tokens on the international landscape, and it is expected that these economies will continue to work towards their predominant control as much as possible. On the health sector, the same approach is being upheld where critical information and data are not freely shared between economies as that would be seen to be benefiting other in-competition economies, whereas different economies would cherish the maximization of benefits from such data collections.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6181): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6168): **When biomedical innovations fall into the 'Valley of Death', patients who are therefore not reached all too often fall with them. Being entrusted with the resources and expectation to conceive, deliver and communicate dividends to society is both cherished and eagerly pursued at every stage of our careers. Nevertheless, the road to research translation is winding and is built on a foundation of basic research. Supporting industry-academia collaboration and nurturing talent and skills in the Indo-Pacific region are two of the four pillars of the National Innovation and Science Agenda. 2 These frame Australia's Medical Research and Innovation Priorities, which include antimicrobial resistance, global health and health security, drug repurposing and translational research infrastructure, 15 capturing many of the key elements of this CTI Special Feature. Establishing durable international relationships that integrate diverse expertise is essential to delivering these outcomes. To this end, NHMRC has recently taken steps under the International Engagement Strategy 16 to increase cooperation with its counterparts overseas. These include the Japan Agency for Medical Research and Development (AMED), tasked with translating the biomedical research output of that country. Given the reciprocal efforts at accelerating bilateral engagement currently underway, 17 the prospects for new areas of international cooperation and mobility have never been more exciting nor urgent. With the above in mind, all contributions to this CTI Special Feature I have selected from research presented by fellow invitees to the 2018 Awaji International Forum on Infection and Immunity (AIFII) and 2017 Consortium of Biological Sciences (ConBio) conferences in Japan. Both Australia and Japan have strong traditions in immunology and related disciplines, and I predict that the quantity, quality and importance of our bilateral cooperation will accelerate rapidly over the short to medium term. By expanding and cooperatively leveraging our respective research strengths, our efforts may yet solve the many pressing disease, cost and other sustainability issues of our time.**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5823): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5784): **Tracking heroisation and blame dynamics in realtime, as epidemics unfold, can help health authorities to understand public attitudes both to the threats posed by epidemics and the hope offered by health interventions, to fine-tune targeted health communication strategies accordingly, to identify and amplify local and international heroes, to identify and counter attempts to blame, scapegoat, and spread misinformation, and to improve crisis management practices for the future. Such an approach can bring to the surface what we propose to call complex geographies of hope and blame, which public health authorities need to be aware of while planning responses to the epidemic.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5744): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.5692): **Despite current reassurances about the severity of 2019-nCoV, it will be incredibly difficult to further contain the cross-border spread of the virus due to the sheer volume of global travel. It will be necessary to coordinate a unified, global response across many differing geopolitical boundaries, political settings, cultures, and health system contexts. The fact that incubating cases may have left Wuhan before the quarantine began complicates matters further, as does the emerging possibility that some carriers may be asymptomatic. WHO has asked all countries to prepare for cases including through surveillance, tracing, treatment and isolation practices, and by sharing data. 4 The resources needed to do this effectively may not be routinely available, however, particularly in low-resource settings.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5652): **The above improvements in the healthcare sector can only be achieved if different smart city products are fashioned to support standardized protocols that would allow for seamless communication between themselves. Weber and Podnar Žarko [9] suggest that IoT devices in use should support open protocols, and at the same time, the device provider should ensure that those fashioned uphold data integrity and safety during communication and transmission. Unfortunately, this has not been the case and, as Vermesan and Friess [10] explain, most smart city products use proprietary solutions that are only understood by the service providers. This situation often creates unnecessary fragmentation of information rendering only a partial integrated view on the dynamics of the urban realm. With restricted knowledge on emergent trends, urban managers cannot effectively take decisions to contain outbreaks and adequately act without compromising the social and economic integrity of their city. This paper, inspired by the case of the COVID-19 virus, explores how urban resilience can be further achieved, and outlines the importance of seeking standardization of communication across and between smart cities.**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.5631): **Qualitative analysis can also identify issues in authorities' handling of crises, which crystallise around transparency. For instance, discussions can coalesce not only around conspiracy theories but also around real uncertainties and blind spots in health authorities' communications. 9, 10 In times of crisis, public authorities tend to focus their concern on avoiding panic and filtering the information they provide to the public. But trust is a crucial support to public health systems. It is during crises such as the COVID-19 outbreak that this trust is put to the test.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5613): **With the advent of the digital age and the plethora of Internet of Things (IoT) devices it brings, there has been a substantial rise in the amount of data gathered by these devices in different sectors like transport, environment, entertainment, sport and health sectors, amongst others [11] . To put this into perspective, it is believed that by the end of 2020, over 2314 exabytes (1 exabyte = 1 billion gigabytes) of data will be generated globally [12] from the health sector. Stanford Medicine [12] acknowledges that this increase, especially in the medical field, is witnessing a proportional increase due to the increase in sources of data that are not limited to hospital records. Rather, the increase is being underpinned by drawing upon a myriad and increasing number of IoT smart devices, that are projected to exponentially increase the global healthcare market to a value of more than USD $543.3 billion by 2025 [13] . However, while the potential for the data market is understood, such issues like privacy of information, data protection and sharing, and obligatory requirements of healthcare management and monitoring, among others, are critical. Moreover, in the present case of the Coronavirus outbreak, this ought to be handled with care to avoid jeopardizing efforts already in place to combat the pandemic. On the foremost, since these cut across different countries, which are part of the global community and have their unique laws and regulations concerning issues mentioned above, it is paramount to observe them as per the dictate of their source country's laws and regulations; hence, underlining the importance of working towards not only the promoting of data through its usage but also the need for standardized and universally agreed protocols.**
+
+# Mitigating threats to incarcerated people from COVID-19, assuring access to information, prevention, diagnosis, and treatment. + +[Potential Factors Influencing Repeated SARS Outbreaks in China](https://doi.org/10.3390/ijerph17051633)
+Authors: Sun, Zhong; Thilakavathy, Karuppiah; Kumar, S. S.; He, Guozhong; Liu, V. Shi
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Environmental Research and Public Health
+Match (0.5270): **Although the origins and the occurrences of SARS-CoV-2 are both unclear, the control measures for the current epidemic should focus on immediate cut-off of transmission of the disease and through disinfection of infected locations. Quarantine of patients (both confirmed and suspected), isolation of susceptible population, and protection of high-risk professions are necessary measures for reducing exposure to the viruses and eliminating the risk of getting infected by the viruses. At the same time, infected locations must be adequately disinfected. Areas that will be open to the public should be carefully surveilled for the existence of SARS-CoV-2 and be cleaned of the virus if it is found. Modern communication methods should be effectively used for passing reliable information on the epidemic status, the treatment measures, and the self-protection skills, among others. As a matter of fact, if fine-tuned and highly-effective internet control for "public opinions" can be turned into beneficial use of monitoring the "epidemic situation", fighting against an even larger outbreak of any infection would be much easier and cost-effective.**
+
+[Analysis of epidemiological characteristics of coronavirus 2019 infection and preventive measures in Shenzhen China: a heavy population city](https://doi.org/doi.org/10.1101/2020.02.28.20028555)
+Authors: Kai Yang; Lingwei Wang; Furong Li; Dandan Chen; Xi Li; Chen Qiu; Rongchang Chen
+Published: 2020-03-03 00:00:00
+Match (0.5232): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.02.28.20028555 doi: medRxiv preprint gathering and reducing human contact, can also prevented the spread of respiratory infectious diseases [15, 16] . For staff in public places, protection measures were both important for the public people and themselves.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5209): **Many participants indicated that the recent enforcement of wildlife protection laws, as well as gun control policies, has significantly reduced the wildlife hunting, trading or consumption activities. Free or low-priced vaccines for domestic animals were provided by the government, but a lack of access to vaccines in rural areas was reported as one of the main risks associated with raising animals in the household. Participants discussed community healthcare facilities and health insurance, including the national immunization programme for children, as providing accessible protection and preventative services to the local population. Public education about rabies was reported as an example of a zoonotic disease prevention programme that had improved local awareness of the need for protective measures and postexposure treatment. However, the lack of management plans to address human animal conflicts in local communities as discussed by some participants brings potential zoonotic risks (Box 3) (Supplementary Data II).**
+
+[Fear can be more harmful than the severe acute respiratory syndrome coronavirus 2 in controlling the corona virus disease 2019 epidemic](http://dx.doi.org/10.12998/wjcc.v8.i4.652)
+Authors: Ren, Shi-Yan; Gao, Rong-Ding; Chen, Ye-Lin
+Published: 2020-02-26 00:00:00
+Publication: World J Clin Cases
+Match (0.5114): **However, discrimination and prejudice driven by fear or misinformation have been flowing within and outside China [19, [25] [26] [27] [28] [29] [30] [31] , triggering panic and jeopardizing the response efforts of health workers and health authorities [25, 32] . Importantly, discrimination, prejudice, and stigma make sick people reluctant to get medical help [19] . Nurses are prevented from accessing the areas where their rented houses are located [33] . This should be stopped [23, 29] .**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5026): **In order to prevent the development of a global pandemic from a regional epidemic, a global collaboration to ease the medical resources crisis in the affected countries during an infectious disease outbreak should be established. With the shared information, the collaboration could promptly evaluate the severity of the outbreak and the availability of medical resources. Travel advice and guidance of self-protection should also account for the potential medical resouce crisis in the epidemic areas.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4992): **Therefore, governments across the world should revisit their emergency plan for controlling infectious disease outbreaks in the local context. Timely public health measures should be taken to control the outbreak within the city or the province/state where the city is located. Meanwhile, the supply of and demand for facemasks and other medical resources should be considered when planning for public health measures, so as to maintain the availability and affordability of medical resources. Besides, timely and effective communication with the public is essential to mitigate panic buying and anxiety in the population 27,28 . Furthermore, during a medical resource crisis, health disparity could be widened between specific population groups. Individuals of lower socioeconomic status are more likely to find themselves in a dilemma between the need to work in high-risk locations and the lack of protective equipment. In addition, market forces can drive the price up, preventing them from purchasing an adequate amount of protective equipment.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4960): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.4960): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Characteristics of and Public Health Responses to the Coronavirus Disease 2019 Outbreak in China](https://doi.org/10.3390/jcm9020575)
+Authors: Deng, Sheng-Qun; Peng, Hong-Juan
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4884): **COVID-19 appeared just one month before the Spring Festival of China, and the massive population flow has brought great challenges for disease prevention and control. This virus can be transmitted from human to human and no effective treatment drug has been found. The most effective prevention and control measures are to find suspected patients and close contacts, confirm patients and virus carriers, and block the transmission through isolation, disinfection, and personal protection. Therefore, early detection, isolation, and treatment of patients are the key measures to control the source of infection and reduce the infection rate. It is also crucial to avoid nosocomial infection by strengthening the management of medical staff and patients. Health education on knowledge for disease prevention and control is also important. Finally, if we want to eliminate the threat of this novel coronavirus pneumonia similar to SARS, we need to learn more about the pathogenesis of the virus and develop specific vaccines and therapeutic drugs as soon as possible. **
+
+[Coronavirus outbreaks: prevention and management recommendationsAB - What role can pharmacists play? The International Pharmaceutical Federation is emphasizing the active role of community and hospital pharmacists can play in preventing the spread of COVID-19 [17]. Pharmacists are often a reliable and first point of contact for individuals having concerns or needing information and advice regarding ailments. Moreover, pharmacists are readily available at community pharmacies and hospital and accessible to the general population. Essential responsibilities of pharmacists include: having appropriate medicinal products in stock; promoting proper handwashing to prevent disease; controlling in-hospital infection; and providing patient care and support. Pharmacists also play a crucial role in the prevention, early detection of certain types of new cases and referring suspected cases to the relevant healthcare authorities [17].JO - Drugs & Therapy Perspectives](https://doi.org/10.1007/s40267-020-00717-x)
+Authors: Khan, Zakir; Muhammad, Khayal; Ahmed, Ali; Rahman, Hazir
+Published: 2020-01-01 00:00:00
+Match (0.4876): **Coronavirus outbreaks: prevention and management recommendationsAB - What role can pharmacists play? The International Pharmaceutical Federation is emphasizing the active role of community and hospital pharmacists can play in preventing the spread of COVID-19 [17]. Pharmacists are often a reliable and first point of contact for individuals having concerns or needing information and advice regarding ailments. Moreover, pharmacists are readily available at community pharmacies and hospital and accessible to the general population. Essential responsibilities of pharmacists include: having appropriate medicinal products in stock; promoting proper handwashing to prevent disease; controlling in-hospital infection; and providing patient care and support. Pharmacists also play a crucial role in the prevention, early detection of certain types of new cases and referring suspected cases to the relevant healthcare authorities [17].JO - Drugs & Therapy Perspectives**
+
+# Understanding coverage policies (barriers and opportunities) related to testing, treatment, and care +[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.6327): **There is an urgent need for the implementation of multidisciplinary One Health to address the current complex health challenges at the human-animal-environment interface [42, 43] One Health approaches in China have recently been described [49] [50] [51] [52] . However, the implementation of One Health policies in China is challenged by several barriers [48, 51] . **
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.6090): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5858): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5797): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5706): **Many participants indicated that the recent enforcement of wildlife protection laws, as well as gun control policies, has significantly reduced the wildlife hunting, trading or consumption activities. Free or low-priced vaccines for domestic animals were provided by the government, but a lack of access to vaccines in rural areas was reported as one of the main risks associated with raising animals in the household. Participants discussed community healthcare facilities and health insurance, including the national immunization programme for children, as providing accessible protection and preventative services to the local population. Public education about rabies was reported as an example of a zoonotic disease prevention programme that had improved local awareness of the need for protective measures and postexposure treatment. However, the lack of management plans to address human animal conflicts in local communities as discussed by some participants brings potential zoonotic risks (Box 3) (Supplementary Data II).**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5658): **As we look to the future of epidemic prevention and control, we believe that telemedicine systems have the potential to play a role in addressing emergencies and large-scale outbreaks in high uncertainty settings. As telemedicine has inevitably altered the traditional working relationships within the healthcare network, how to ensure high-quality communication among healthcare practitioners poses a significant challenge. As such, frequent, timely, accurate, and problem-solving focused communication among clinical staffs from hospitals at different levels in the healthcare system is essential to minimize the risk incurred in handling patients with possible COVID-19 infection 3 . However, we have found that high quality of communication is not always maintained during the telemedicine coordination. Therefore, a learning telemedicine system platform for coronavirus care was developed across connected hospitals, serving as the overarching authoritative source for diagnostic decision making and knowledge sharing for treatment. The platform could aggregate COVID-19 patient records across 126 connected hospitals and rapidly expand to enable open collaborations with key stakeholders such as government authorities, research institutions and laboratories. The lessons learned from this crisis can provide insights to guide public health institutions as they implement telemedicine to increase resilience to future epidemic outbreaks.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5641): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5524): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.5524): **In light of the COVID-19 outbreak in China, a shortage of facemasks and other medical resources can considerably compromise the efficacy of public health measures. Effective public health measures should also consider the adequacy and affordability of medical resources. Global collaboration should be strengthened to prevent the development of a global pandemic from a regional epidemic via easing the medical resources crisis in the affected countries.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5460): **Community and healthcare preparedness in response to coronavirus outbreaks remain ongoing obstacles for global public health. For example, delays between disease development and progression and diagnosis or quarantine can severely impact both patient management and containment [21, 71] . Deficiencies in outbreak preparedness and healthcare network coordination efforts must ultimately be considered in response efforts. It is strongly recommended that universal reagents be maintained and available at global repositories for future outbreaks.**
+
diff --git a/tasks/sharing.txt b/tasks/sharing.txt new file mode 100644 index 0000000..411a33e --- /dev/null +++ b/tasks/sharing.txt @@ -0,0 +1,15 @@ +Methods for coordinating data-gathering with standardized nomenclature. +Sharing response information among planners, providers, and others. +Understanding and mitigating barriers to information-sharing. +How to recruit, support, and coordinate local (non-Federal) expertise and capacity relevant to public health emergency response (public, private, commercial and non-profit, including academic). +Integration of federal/state/local public health surveillance systems. +Value of investments in baseline public health response infrastructure preparedness +Modes of communicating with target high-risk populations (elderly, health care workers). +Risk communication and guidelines that are easy to understand and follow (include targeting at risk populations’ families too). +Communication that indicates potential risk of disease to all population groups. +Misunderstanding around containment and mitigation. +Action plan to mitigate gaps and problems of inequity in the Nation’s public health capability, capacity, and funding to ensure all citizens in need are supported and can access information, surveillance, and treatment. +Measures to reach marginalized and disadvantaged populations. +Data systems and research priorities and agendas incorporate attention to the needs and circumstances of disadvantaged populations and underrepresented minorities. +Mitigating threats to incarcerated people from COVID-19, assuring access to information, prevention, diagnosis, and treatment. +Understanding coverage policies (barriers and opportunities) related to testing, treatment, and care \ No newline at end of file diff --git a/tasks/transmission.md b/tasks/transmission.md new file mode 100644 index 0000000..5a8ebb2 --- /dev/null +++ b/tasks/transmission.md @@ -0,0 +1,790 @@ +# Range of incubation periods for the disease in humans (and how this varies across age and health status) and how long individuals are contagious, even after recovery. + +[Systematic Comparison of Two Animal-to-Human Transmitted Human Coronaviruses: SARS-CoV-2 and SARS-CoV](https://doi.org/10.3390/v12020244)
+Authors: Xu, Jiabao; Zhao, Shizhe; Teng, Tieshan; Abdalla, Abualgasim Elgaili; Zhu, Wan; Xie, Longxiang; Wang, Yunlong; Guo, Xiangqian
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5226): **The incubation period of SARS is 1-4 days [33] . However, in a small number of patients, the incubation period may be longer than 10 days [34] . It has been demonstrated that the latency of COVID-19 varies from 3-7 days on average, for up to 14 days [35] . During this incubation period, patients are contagious, and it has been reported that each case infected on average 3.77 other people (uncertainty range 2.23-4.82) [36] . By comparison, we found that the average latency of COVID-19 is slightly longer than that of SARS.**
+
+[Systematic Comparison of Two Animal-to-Human Transmitted Human Coronaviruses: SARS-CoV-2 and SARS-CoV](https://doi.org/10.3390/v12020244)
+Authors: Xu, Jiabao; Zhao, Shizhe; Teng, Tieshan; Abdalla, Abualgasim Elgaili; Zhu, Wan; Xie, Longxiang; Wang, Yunlong; Guo, Xiangqian
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5226): **The incubation period of SARS is 1-4 days [33] . However, in a small number of patients, the incubation period may be longer than 10 days [34] . It has been demonstrated that the latency of COVID-19 varies from 3-7 days on average, for up to 14 days [35] . During this incubation period, patients are contagious, and it has been reported that each case infected on average 3.77 other people (uncertainty range 2.23-4.82) [36] . By comparison, we found that the average latency of COVID-19 is slightly longer than that of SARS.**
+
+[Incubation Period and Other Epidemiological Characteristics of 2019 Novel Coronavirus Infections with Right Truncation: A Statistical Analysis of Publicly Available Case Data](https://doi.org/10.3390/jcm9020538)
+Authors: Linton, M. Natalie; Kobayashi, Tetsuro; Yang, Yichi; Hayashi, Katsuma; Akhmetzhanov, R. Andrei; Jung, Sung-mok; Yuan, Baoyin; Kinoshita, Ryo; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.4921): **The incubation period is defined as the time from infection to illness onset. Knowledge of the incubation period of a directly transmitted infectious disease is critical to determine the time period required for monitoring and restricting the movement of healthy individuals (i.e., the quarantine period) [5, 6] . The incubation period also aids in understanding the relative infectiousness of COVID-19 and can be used to estimate the epidemic size [7] .**
+
+[Incubation Period and Other Epidemiological Characteristics of 2019 Novel Coronavirus Infections with Right Truncation: A Statistical Analysis of Publicly Available Case Data](https://doi.org/doi.org/10.1101/2020.01.26.20018754)
+Authors: Natalie M. Linton; Tetsuro Kobayashi; Yichi Yang; Katsuma Hayashi; Andrei R. Akhmetzhanov; Sung-mok Jung; Baoyin Yuan; Ryo Kinoshita; Hiroshi Nishiura
+Published: 2020-01-28 00:00:00
+Match (0.4921): **The incubation period is defined as the time from infection to illness onset. Knowledge of the incubation period of a directly transmitted infectious disease is critical to determine the time period required for monitoring and restricting the movement of healthy individuals (i.e., the quarantine period) [5, 6] . The incubation period also aids in understanding the relative infectiousness of COVID-19 and can be used to estimate the epidemic size [7] .**
+
+[Epidemiological parameter review and comparative dynamics of influenza, respiratory syncytial virus, rhinovirus, human coronavirus, and adenovirus](https://doi.org/doi.org/10.1101/2020.02.04.20020404)
+Authors: Julie Spencer; Deborah P Shutt; Sarah K Moser; Hannah Clegg; Helen J Wearing; Harshini Mukundan; Carrie A Manore
+Published: 2020-02-05 00:00:00
+Match (0.4842): **The total population (N) consists of seven classes: susceptible (S), exposed but not infectious (E), first infectious class (I 1 ), second infectious class (I 2 ), hospitalized (H), recovered (R), or dead (D). Individ-uals are considered susceptible until they contact an infectious individual from (I 1 ), (I 2 ), or (H). Given contact with an infectious individual, transmission takes place with some probability. After transmission of the virus has occurred, susceptible people move to the exposed class (E), where they spend a number of days equal to the mean period of time between infection and the onset of infectiousness (the latent period). We assume here that the latent period equals the incubation period, or the mean period of time between exposure to the virus and the onset of symptoms. After the latent period, they move to the first infectious class (I 1 ). The mean duration of the first infectious period differs according to the underlying virus. Symptoms worsen for some proportion of the first infectious class, who enter the hospital (H), where they remain infectious. Individuals who do not enter the hospital remain ill outside the hospital for the duration of the second infectious period (I 2 ). From (I 2 ), the length of which differs according to the underlying virus, where we assume that the progression of the illness is not severe, individuals recover. The duration of hospitalization differs according to the underlying virus. From the hospital, individuals either recover (R) or die (D). We assume that hospitalized individuals have 75% less contact with susceptible individuals, which results in 75% reduced transmission during hospitalization. We further assume that recovered individuals (R) gain full immunity to the virus causing the illness. (1) From the initially infectious state, individuals progress to hospital or continued non-hospitalized infectious state.**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4817): **We assumed no new transmissions from animals, no differences in individual immunity, the time-scale of the epidemic is much faster than characteristic times for demographic processes (natural birth and death), and no differences in natural births and deaths. In this model, individuals are classified into four types: susceptible (S; at risk of contracting the disease), exposed (E; infected but not yet infectious), infectious (I; capable of transmitting the disease), and removed (R; those who recover or die from the disease). The total population size (N) is given by N = S + E + I + R. It is assumed that susceptible individuals who have been infected first enter a latent (exposed) stage, during which they may have a low level of infectivity. The differential equations of the SEIR model are given as: 32, 33 dS=dt ¼ Àβ S I=N;**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4817): **We assumed no new transmissions from animals, no differences in individual immunity, the time-scale of the epidemic is much faster than characteristic times for demographic processes (natural birth and death), and no differences in natural births and deaths. In this model, individuals are classified into four types: susceptible (S; at risk of contracting the disease), exposed (E; infected but not yet infectious), infectious (I; capable of transmitting the disease), and removed (R; those who recover or die from the disease). The total population size (N) is given by N = S + E + I + R. It is assumed that susceptible individuals who have been infected first enter a latent (exposed) stage, during which they may have a low level of infectivity. The differential equations of the SEIR model are given as: 32, 33 dS=dt ¼ Àβ S I=N;**
+
+[Epidemiological characteristics of 1212 COVID-19 patients in Henan, China](https://doi.org/doi.org/10.1101/2020.02.21.20026112)
+Authors: Pei Wang; Junan Lu; Yanyu Jin; Mengfan Zhu; Lingling Wang; Shunjie Chen
+Published: 2020-02-23 00:00:00
+Match (0.4813): **Traditionally, incubation period is defined as the period between the infection of an individual by a pathogen and the manifestation of the illness or disease it causes [32, 33] . Different infectious diseases have different incubation periods. However, for a certain infectious disease, its incubation period is relatively fixed. Since the number of pathogens entering the body, virulence and reproductive capacity, as well as power of resistance are different for different people, thus, it is reported that the incubation periods obtained from patients for a certain disease should follow logarithm normal distribution [16, 33] . Generally, incubation period can be measured by physiological observations and biological experiments [33] . The determination of incubation period has great implications for disease transmission control and policy making.**
+
+[The effect of human mobility and control measures on the COVID-19 epidemic in China](https://doi.org/doi.org/10.1101/2020.03.02.20026708)
+Authors:
+Published: 2020-03-06 00:00:00
+Match (0.4717): **Age and sex distributions are important in understanding risk of infection across populations. Assuming risk to be distributed relatively equally across a population, as an outbreak evolves age and sex distributions should follow the underlying population structure. Varying degrees of immunity and exposure may shift these distributions (31) . To examine whether the ongoing outbreak shifted from an epidemic concentrated in Wuhan and among travelers from . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.4578): **After infection occurred, incubation has been estimated to vary from 5 to 6 days, with a range of up to 14 days [8]. However, the knowledge of the true incubation time could improve the estimates of the rates of asymptomatic and subclinical infections among immunocompetent individuals; thus, increasing the specificity in detecting COVID-19 cases. Additionally, it could significantly change the forecasting projection models on the worldwide outbreak evolution.**
+
+# Prevalence of asymptomatic shedding and transmission (e.g., particularly children). + +[Asymptomatic carrier state, acute respiratory disease, and pneumonia due to severe acute respiratory syndrome coronavirus 2 (SARSCoV-2): Facts and myths](https://doi.org/10.1016/j.jmii.2020.02.012)
+Authors: Lai, Chih-Cheng; Liu, Yen Hung; Wang, Cheng-Yi; Wang, Ya-Hui; Hsueh, Shun-Chung; Yen, Muh-Yen; Ko, Wen-Chien; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.5132): **Although information on COVID-19 has increased rapidly since the emergence of SARS-CoV-2, many issues remain unresolved. First, the clinical manifestation of COVID-19 ranges from the asymptomatic carrier 19 state to severe pneumonia; however, most early reports only showed the findings of SARS-CoV-2 pneumonia, in which the ratio of male patients was much larger than that of female patients, there were no pediatric cases, and the mortality rate was high. [12] [13] [14] Subsequent to the publication of the studies of patients with only ARD or mild pneumonia, we found the ratio of male-to-female patients decreased, children or neonates could contract COVID-19, and the mortality rate declined compared to that of previous reports. 8, 11 However, whether children were less susceptible to SARS-CoV-2, or their presentation was mostly asymptomatic or difficult to detect, remains unclear. 49 In addition, most studies, especially those with a large patient population, were conducted in China, and the study of asymptomatic carriers was limited. More studies are needed to clarify the epidemiologic characteristics of COVID-19 and to identify the risk and prognostic factors of patients infected with SARS-CoV-2. Second, Zou et al. reported that the viral load detected in asymptomatic patients was similar to that found in symptomatic patients; however, the viral loads from patients with severe diseases were higher than those in patients with mild-to-moderate presentations. Moreover, higher viral loads were detected in the nose than in the throat. 50 As there is a concern of virus spread due to severe cough 20 induced by performing a throat swab, nasal swab may be a relatively safe and sensitive alternative to collect the respiratory specimen of patients with COVID-19. However, this study involved a population of only 18 patients, including one asymptomatic patient. 49 In addition, every test has its own limitation and sensitivity/specificity; however, the studies investigating the **
+
+[Adjusted age-specific case fatality ratio during the COVID-19 epidemic in Hubei, China, January and February 2020](https://doi.org/doi.org/10.1101/2020.03.04.20031104)
+Authors: Julien Riou; Anthony Hauser; Michel J Counotte; Christian L Althaus
+Published: 2020-03-06 00:00:00
+Match (0.5031): **(3) There is important uncertainty around the proportion of asymptomatic infections. Currently, the detection of asymptomatic patients in China is limited by the focus on symptomatic patients seeking care and the lack of seroprevalence data [18] . The proportion of symptomatic infections has been estimated to 58% (95% confidence interval: 33-83) in a small sample of cases exported to Japan [19] . During the outbreak on the ship "Diamond Princess", nearly all individuals were tested regardless of symptoms, leading to an average proportion of symptomatic infections of 49% in a sample size of 619, which was used in the present study [13] . Still, uncertainty about the proportion of symptomatic infections will remain until a large retrospective seroprevalence study is conducted in the general population, and our results are dependent on this estimate. Additionally, the dichotomization of infection into asymptomatic and symptomatic is a simplification of reality; the infection with SARS-CoV-2, will likely cause a gradient of symptoms in different individuals depending on age, sex and comorbidities [10] . The proportion of asymptomatic infections might show an age-dependent structure.**
+
+[Adjusted age-specific case fatality ratio during the COVID-19 epidemic in Hubei, China, January and February 2020](https://doi.org/doi.org/10.1101/2020.03.04.20031104)
+Authors: Julien Riou; Anthony Hauser; Michel J Counotte; Christian L Althaus
+Published: 2020-03-06 00:00:00
+Match (0.5030): **Our work has several limitations. (1) Our results depend on the central assumption that the cause of the deficit of reported cases among younger age groups is a surveillance bias and does not reflect a lower risk of infection in younger individuals. The reason for this age shift is unknown [10] . Retrospective testing for COVID-19 of samples from influenza-like-illness surveillance found no positive test among children, but the sample sizes were small (20 per week including both adults and children) [10] . Uneven age distributions in the risk of infection can be attributed to immunological features, such as the lower circulation of H1N1 influenza in older individuals due to residual immunity [17] . An immunological explanation of the opposite phenomenon, with a lower susceptibility of younger individuals, seems unlikely, and there is no indication of pre-existing immunity to COVID-19 in humans [10] . Different contact patterns could play a role in a limited outbreak, but not in such a widespread infection, especially as household transmission seems to play a major role [10] . The last explanation that we assume here is that younger individuals, when symptomatic, have milder symptoms that decrease the probability of seeking care and being identified.**
+
+[Estimated effectiveness of symptom and risk screening to prevent the spread of COVID-19](http://dx.doi.org/10.7554/eLife.55570)
+Authors: Gostic, Katelyn; Gomez, Ana CR; Mummah, Riley O; Kucharski, Adam J; Lloyd-Smith, James O
+Publication: eLife.; 9:e55570
+Match (0.5010): **Our results emphasize that the true fraction of subclinical cases (those who lack fever or cough at symptom onset) remains a crucial unknown, and strongly impacts screening effectiveness. Reviewing data from active surveillance of passengers on cruise ships or repatriation flights, we estimate that up to half of cases show no detectable symptoms at the time of diagnosis. To complicate matters further, the fraction of subclinical cases may vary across age groups. Children and young adults have been conspicuously underrepresented, even in very large clinical data sets The Novel Coronavirus Pneumonia Emergency Response Epidemiology Team, 2020; Huang et al., 2020; . Only 2.1% of the first 44,672 confirmed cases were observed in children under 20 years of age (The Novel Coronavirus Pneumonia Emergency Response Epidemiology Team, 2020). The possibility cannot be ruled out that large numbers of subclinical cases are occurring in young people. If an age-by-severity interaction does indeed exist, then the mean age of travellers should be taken into account when estimating screening effectiveness.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.4980): **In respiratory syncytial virus (RSV) related illness, a common respiratory tract infection in young children, prevalence rates are reported to be the same in males and females, however, males are more likely to suffer from more severe infections requiring hospitalization. [27] [28] [29] We hypothesize that a similar pattern may be observed with COVID-19, with males developing more symptoms, thus leading to increased detection and reporting in these patients.**
+
+[Are children less susceptible to COVID-19?](https://doi.org/10.1016/j.jmii.2020.02.011)
+Authors: Lee, Ping-Ing; Hu, Ya-Li; Chen, Po-Yen; Huang, Yhu-Chering; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.4916): **One possible reason is that children have fewer outdoor activities and undertake less international travel, making them less likely to contract the virus. The number of pediatric patients may increase in the future and a lower number of pediatric patients at the beginning of a pandemic does not necessarily mean that children are less susceptible to the infection. In fact, infants can be infected by SARS-CoV-2. 8 During the 1918 outbreak of "Spanish flu," those 65 years old and children 15 years experienced little or no change in excess mortality as compared with that of the previous influenza season. Nevertheless, those aged 15e24 and 25e44 years experienced sharply elevated death rates. 9 Similarly, at the beginning of the 2009 pandemic H1N1 influenza outbreak, the percentage age distributions for mortality and morbidity for patients with severe pneumonia show a marked shift to persons between the ages of 5 and 59 years, as compared with distributions observed during previous periods of epidemic influenza. 10 On the other hand, several infectious diseases are well known to be less severe in children. Paralytic polio occurred in approximately 1 in 1000 infections among infants, in contrast to approximately 1 in 100 infections among adolescents. 11 As compared with young children, teenagers and adults tend to have symptomatic rubella more frequently and have systemic manifestations. 11 The overall casefatality rate of severe respiratory distress syndrome (SARS) ranges from 7% to 17%. Persons with underlying medical conditions and those older than 65 years of age had mortality rates as high as 50%. However, there was no mortality in children or in adults younger than the age of 24 years. 11 The reasons for the relative resistance of children to some infectious diseases remains obscure. It was suggested that maturational changes in the axonal transport system may explain the relative resistance of immature mice to poliovirus-induced paralysis. 12 Other suggested reasons include children having a more active innate immune response, healthier respiratory tracts because they have not been exposed to as much cigarette smoke and air pollution as adults, and fewer underlying disorders. A more vigorous immune response in adults may also explain a detrimental immune response that is associated with acute respiratory distress syndrome. 11 A difference in the distribution, maturation, and functioning of viral receptors is frequently mentioned as a possible reason of the age-related difference in incidence. The SARS virus, SARS-CoV-2, and human coronavirus-NL63 (HCoV-NL63) all use the angiotensin-converting enzyme-2 (ACE2) as the cell receptor in humans. 13, 14 Previous studies demonstrated that HCoV-NL63 infection is more common in adults than in children. 15, 16 This finding suggests there may indeed be relative resistance to SARS-CoV-2 in children.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.4879): **In both MERS and SARS outbreaks, children were less likely to develop severe respiratory distress seen in adults, experiencing a pneumonia or common cold symptoms. [7] [8] [9] Exposure of young children in China to other coronaviruses, such as OC43, 229E, NL63, and HKU1, 17 may impart some immunity not reinforced in older individuals, explaining partial protection against COVID-19 in this population. 18, 19 Comorbidities have been reported to be associated with severity of COVID-19 infection. 20, 21 As children generally have less comorbidities, this may also in part explain the lack of serious infections in children and contribute to decreased detection. Moreover, behavioral differences and limited travel as compared to adults may have also explained the limited number of cases early in the outbreak. 5 In our data set, children under 10 years old made up a near equal proportion of included cases. This is different than data presented in a recent Chinese CDC report which showed a slightly greater number of cases in those over age 10 (416 aged 0-9 vs. 549 aged 10-19). 6 Whether this is due to the availability of cases in the line lists or a higher detection of cases in young children outside China is unclear, however, this should be monitored going forward. In general, infants and young children are often at increased risk of poor outcomes from respiratory infections, 22 which has not yet been witnessed with COVID-19 from reported aggregate data. 6 Interestingly, a significant male skew in cases was observed in pediatric patients throughout the analysis. This sex skew was not observed among children in SARS or MERS. In adults, cases of COVID-19 are reported to be skewed towards men also. 5, 6 However, explanations applied to adults, such as the high prevalence rates of smoking 23 and comorbidities (i.e. cardiovascular . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.4817): **• peak prevalence, and**
+
+[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.4810): **A longer incubation time may lead to a high rate of asymptomatic and subclinical infection among immunocompetent individuals. This finding could represents a key question for setting length of surveillance period for each at risk patient.**
+
+[Estimating the Asymptomatic Proportion of 2019 Novel Coronavirus onboard the Princess Cruises Ship, 2020](https://doi.org/doi.org/10.1101/2020.02.20.20025866)
+Authors: Kenji Mizumoto; Katsushi Kagaya; Alexander Zarebski; Gerardo Chowell
+Published: 2020-02-23 00:00:00
+Match (0.4775): **If asymptomatic cases where missed as a result of this, it would mean we have underestimated the asymptomatic proportion. Second, it is worth noting that the data of passengers and crews employed in our analysis is not a random sample from the general population. Considering that most of the passengers are 60 years and older, the nature of this age distribution may lead to underestimation if older individuals tend to experience more symptoms. An age standardized asymptomatic proportion would be more appropriate in that case. Third, the presence of symptoms in cases with COVID-19 may correlate with other factors unrelated to age including prior health conditions such as cardiovascular disease, diabetes, immunosuppression. Therefore, more detailed data documenting the baseline health of the individuals including the presence of underlying diseases or comorbidities would be useful to remove the bias in estimates of the asymptomatic proportion.**
+
+# Seasonality of transmission. + +[A spatial model of CoVID-19 transmission in England and Wales: early spread and peak timing](https://doi.org/doi.org/10.1101/2020.02.12.20022566)
+Authors: Leon Danon; Ellen Brooks-Pollock; Mick Bailey; Matt J Keeling
+Published: 2020-02-14 00:00:00
+Match (0.6868): **(maximum seasonality with no transmission at the peak of the summer).**
+
+[Potential impact of seasonal forcing on a SARS-CoV-2 pandemic](https://doi.org/doi.org/10.1101/2020.02.13.20022806)
+Authors: Richard A Neher; Robert Dyrdak; Valentin Druelle; Emma B Hodcroft; Jan Albert
+Published: 2020-02-17 00:00:00
+Match (0.5852): **Here we use data on seasonal variation in prevalence of seasonal CoVs in Sweden and model the impact of this variation on the possible future spread of SARS-CoV-2 in the temperate zone of the Northern Hemisphere. We also explore different scenarios of SARS-CoV-2 spread in temperate and tropical regions and show how variation in epidemiological parameters affects a potential pandemic and the possibility of transitioning to an endemic state.**
+
+[A spatial model of CoVID-19 transmission in England and Wales: early spread and peak timing](https://doi.org/doi.org/10.1101/2020.02.12.20022566)
+Authors: Leon Danon; Ellen Brooks-Pollock; Mick Bailey; Matt J Keeling
+Published: 2020-02-14 00:00:00
+Match (0.5780): **We investigated the impact of a seasonally affected transmission rate, to capture potential decreased transmission during the summer months. We captured seasonal transmission by replacing the constant transmission rate with a time-varying transmission rate given by:**
+
+[Potential impact of seasonal forcing on a SARS-CoV-2 pandemic](https://doi.org/doi.org/10.1101/2020.02.13.20022806)
+Authors: Richard A Neher; Robert Dyrdak; Valentin Druelle; Emma B Hodcroft; Jan Albert
+Published: 2020-02-17 00:00:00
+Match (0.5488): **With these assumptions, we can solve the model and compare the resulting trajectories to the seasonal variation in prevalence of seasonal CoVs, see Fig. 2 . In Stockholm, seasonal variation of CoVs (especially HKU1/OC43) is very consistent across years (see Fig. S3 ). We therefore fit the SIER model to the average seasonal variation across years by calculating the squared deviation of observed and predicted prevalence relative to their respective mean values. Simulations of the model are compatible with observations in two separate regions of parameter space: If Northern Europe was very isolated with less than 1 in 1,000 susceptible individuals returning with a seasonal CoV infection from abroad each year, weak seasonality of around ε = 0.15 would be sufficient to generate strong variation through the year compatible with observations (Fig. 2 , bottom-left ridge). In this regime, prevalence is oscillating intrinsically with a period that is commensurate with annual seasonal oscillations giving rise to a resonance phenomenon with annual or biennial patterns even for weak seasonal forcing (Chen and Epureanu, 2017; Dushoff et al., 2004) .**
+
+[Projecting the transmission dynamics of SARS-CoV-2 through the post-pandemic period](https://doi.org/doi.org/10.1101/2020.03.04.20031112)
+Authors: Stephen M Kissler; Christine Tedijanto; Edward Goldstein; Yonatan H. Grad; Marc Lipsitch
+Published: 2020-03-06 00:00:00
+Match (0.5324): **To quantify the relative contribution of immunity versus seasonal forcing on the transmission dynamics of the betacoronaviruses, we adopted a regression model (22) that expressed the effective reproduction number for each strain (HKU1 and OC43) as the product of a baseline transmissibility constant (related to the basic reproduction number and the proportion of the population susceptible at the start of the season), the depletion of susceptibles due to infection with the same strain, the depletion of susceptibles due to infection with the other strain, and a spline to capture further unexplained seasonal variation in transmission strength (seasonal forcing). These covariates were able to explain most of the observed variability in the effective reproduction numbers (adjusted R 2 : 74.2%). The estimated multiplicative effects of . CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Projecting the transmission dynamics of SARS-CoV-2 through the post-pandemic period](https://doi.org/doi.org/10.1101/2020.03.04.20031112)
+Authors: Stephen M Kissler; Christine Tedijanto; Edward Goldstein; Yonatan H. Grad; Marc Lipsitch
+Published: 2020-03-06 00:00:00
+Match (0.5319): **Our observations are consistent with other predictions of how the SARS-CoV-2 outbreak might unfold. According to a study of geographic variation in the SARS-CoV-2 basic reproduction number across China, seasonal variations in absolute humidity will be insufficient to prevent the widespread transmission of SARS-CoV-2 (26) . A modelling study using data from Sweden also found that seasonal establishment of SARS-CoV-2 transmission is likely in the post-pandemic period (10).**
+
+[Projecting the transmission dynamics of SARS-CoV-2 through the post-pandemic period](https://doi.org/doi.org/10.1101/2020.03.04.20031112)
+Authors: Stephen M Kissler; Christine Tedijanto; Edward Goldstein; Yonatan H. Grad; Marc Lipsitch
+Published: 2020-03-06 00:00:00
+Match (0.5247): **Next, we incorporated a third strain into the dynamic transmission model to represent SARS-CoV-2. Using the maximum likelihood parameter values, we simulated transmission of HCoV-OC43 and HCoV-HKU1 for 20 years and then simulated the establishment of sustained SARS-CoV-2 transmission using another half-week pulse in the force of infection. We assumed that the incubation period and infectious period for SARS-CoV-2 were the same as the best-fit values for the other betacoronaviruses (5.0 and 4.9 days, respectively; see Table S7 ), in broad agreement with other estimates (23) (24) (25) . We allowed the cross immunities, duration of immunity, degree of seasonal variation in R0, and establishment time of SARS-CoV-2 to vary. In particular, we allowed the cross immunity from SARS-CoV-2 to the other betacoronaviruses to range from 0 to 1, the cross immunity from the other betacoronaviruses to SARS-CoV-2 to range from 0 to 0.5 (following the observation that SARS infection can induce long-lasting neutralizing antibodies against HCoV-OC43 but not vice-versa (15)),the duration of immunity to SARS-CoV-2 to range from 40 weeks to permanent, the seasonal variation in R0 to vary between none and equivalent to the other human betacoronaviruses, and the establishment time to vary throughout 2020. To adjust the amount of seasonal variation in R0, we held the maximum wintertime value of the sinusoid fixed and adjusted the minimum summertime (baseline) value. This way, smaller degrees of seasonal forcing translated into smaller summertime declines in R0; for the no-seasonality scenario, R0 was therefore held fixed at its maximal wintertime value. This choice was informed by observations on the seasonal variation in R0 for influenza, for which the wintertime R0 was similar between geographic locations with distinct climates, while the summertime R0 varied substantially between locations (11) . For a representative set of parameter values within these ranges, we measured the annual incidence of infection due to SARS-CoV-2 and the annual SARS-CoV-2 outbreak peak size for the five years following the simulated time of establishment. We summarized the post-pandemic SARS-CoV-2 dynamics into the categories of annual outbreaks, biennial outbreaks, sporadic outbreaks, or virtual elimination.**
+
+[Projecting the transmission dynamics of SARS-CoV-2 through the post-pandemic period](https://doi.org/doi.org/10.1101/2020.03.04.20031112)
+Authors: Stephen M Kissler; Christine Tedijanto; Edward Goldstein; Yonatan H. Grad; Marc Lipsitch
+Published: 2020-03-06 00:00:00
+Match (0.5105): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.04.20031112 doi: medRxiv preprint Table S2 . Cumulative projected percent influenza-like illness (ILI) x percent positive laboratory tests for SARS-CoV-2 by year for a representative set of cross immunities, immunity durations, and establishment times. Percent ILI is measured as the population-weighted proportion of visits to sentinel providers that were associated with influenza symptoms. The seasonality factor represents the amount of seasonal variation in the SARS-CoV-2 R0 relative to the other human betacoronaviruses. A seasonality factor of 0.5 indicates that the amplitude of seasonal variation in R0 for SARS-CoV-2 is half the amplitude of the seasonal variation in R0 for the other betacoronaviruses. Chi3X represents the degree of cross-immunity induced by infection with SARS-CoV-2 against OC43 and HKU1 and ChiX3 represents the degree of cross-immunity induced by OC43 or HKU1 infection against SARS-CoV-2. The establishment times correspond to: Winter -week 4 (early February); Spring -week 16 (late April); Summer -week 28 (mid July); Autumn -week 40 (early October). Darker shading corresponds to higher cumulative infection sizes.**
+
+[Potential impact of seasonal forcing on a SARS-CoV-2 pandemic](https://doi.org/doi.org/10.1101/2020.02.13.20022806)
+Authors: Richard A Neher; Robert Dyrdak; Valentin Druelle; Emma B Hodcroft; Jan Albert
+Published: 2020-02-17 00:00:00
+Match (0.5061): **The seasonal CoVs show a strong and consistent seasonal variation, and modeling suggests that this requires strong variation in transmissibility throughout the year. It should be noted, however, that SARS-CoV-2 does seem to transmit in tropical climates like Singapore, and so winter is not a necessary condition of SARS-CoV-2 spread. Furthermore, our models are compatible with work by Luo et al. (2020) showing that recent trends in different regions across East-Asia imply that seasonality alone is unlikely to end SARS-CoV-2 spread. Precise values for the underlying model parameters and the effect of infection control measures are currently unavailable. For this reason we explored a range of parameter values to assess the robustness of the results to model assumptions.**
+
+[Projecting the transmission dynamics of SARS-CoV-2 through the post-pandemic period](https://doi.org/doi.org/10.1101/2020.03.04.20031112)
+Authors: Stephen M Kissler; Christine Tedijanto; Edward Goldstein; Yonatan H. Grad; Marc Lipsitch
+Published: 2020-03-06 00:00:00
+Match (0.5060): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.04.20031112 doi: medRxiv preprint Table S5 . Peak simulated SARS-CoV-2 epidemic sizes, in units of percent influenza-like illness (ILI) x percent positive laboratory tests, by year for a representative set of cross immunities, immunity durations, and establishment times. Percent ILI is measured as the population-weighted proportion of visits to sentinel providers that were associated with influenza symptoms. The seasonality factor represents the amount of seasonal variation in the SARS-CoV-2 R0 relative to the other human betacoronaviruses. A seasonality factor of 0.5 indicates that the amplitude of seasonal variation in R0 for SARS-CoV-2 is half the amplitude of the seasonal variation in R0 for the other betacoronaviruses. Chi3X represents the degree of cross-immunity induced by infection with SARS-CoV-2 against OC43 and HKU1 and ChiX3 represents the degree of cross-immunity induced by OC43 or HKU1 infection against SARS-CoV-2. The establishment times correspond to: Winter -week 4 (early February); Spring -week 16 (late April); Summer -week 28 (mid July); Autumn -week 40 (early October). Darker shading corresponds to higher peak sizes.**
+
+# Physical science of the coronavirus (e.g., charge distribution, adhesion to hydrophilic/phobic surfaces, environmental survival to inform decontamination efforts for affected areas and provide information about viral shedding). + +[Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents](https://doi.org/10.1016/j.infpip.2020.100044)
+Authors: Kampf, Günter
+Published: 2020-01-01 00:00:00
+Publication: Infection Prevention in Practice
+Match (0.5667): **Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents**
+
+[The role of absolute humidity on transmission rates of the COVID-19 outbreak](https://doi.org/doi.org/10.1101/2020.02.12.20022467)
+Authors: Wei Luo; Maimuna S Majumder; Dianbo Liu; Canelle Poirier; Kenneth D Mandl; Marc Lipsitch; Mauricio Santillana
+Published: 2020-02-17 00:00:00
+Match (0.5628): **In addition to population mobility and human-to-human contact, environmental factors can impact droplet transmission and survival of viruses (e.g., influenza) but have not yet been examined for this novel pathogen. Absolute humidity, defined as the water content in ambient air, has been found to be a strong environmental determinant of other viral transmissions (4, 5) . For example, influenza viruses survive longer on surfaces or in droplets in cold and dry air -increasing the likelihood of subsequent transmission. Thus, it is key to understand the effects of environmental factors on the ongoing outbreak to support decision-making pertaining to disease control. Especially in locations where the risk of transmission may have been underestimated, such as in humid and warmer locations.**
+
+[Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents](https://doi.org/10.1016/j.infpip.2020.100044)
+Authors: Kampf, Günter
+Published: 2020-01-01 00:00:00
+Publication: Infection Prevention in Practice
+Match (0.5568): **Contamination of frequent touch surfaces in healthcare settings are a potential source of viral transmission. Data on the transmissibility of coronaviruses from contaminated surfaces to hands were not found. However, it could be shown with influenza A virus that a 5 s contact is sufficient to transfer 31.6% of the viral load to the hands [9] . The transfer efficiency was lower with parainfluenza-virus 3 (1.5%) [10] . Although the viral load of coronaviruses on inanimate surfaces is not known during an outbreak situation it seems plausible to reduce the viral load on surfaces by disinfection, especially on frequent touch surfaces in the immediate patient surrounding where the highest viral load can be expected.**
+
+[Clinical Data on Hospital Environmental Hygiene Monitoring and Medical Staff Protection during the Coronavirus Disease 2019 Outbreak](https://doi.org/doi.org/10.1101/2020.02.25.20028043)
+Authors: Yanfang Jiang; Haifeng Wang; Yukun Chen; Jiaxue He; Liguo Chen; Yong Liu; Xinyuan Hu; Ang Li; Siwen Liu; Peng Zhang; Hongyan Zou; Shucheng Hua
+Published: 2020-02-27 00:00:00
+Match (0.5382): **The outbreak of COVID-19 in Wuhan in December 2019 has led to a serious public 69 health event [1] [2] [3] . Meanwhile, the outbreak of this novel virus has placed 70 unprecedented challenges on hospital environmental hygiene. The occurrence of 71 medical staff-associated infections is closely related to long-lived pathogens in the 72 hospital environment [4, 5] . Thus, it is crucial to assess hospital environmental hygiene 73 to understand the most important environmental issues for controlling the spread of 74 COVID-19 in hospitals. The Chinese government quickly adopted quarantine 75 measures for confirmed and suspected patients to restrain the spread of the 76 pandemic [6] . Comprehensive monitoring of hospital environmental hygiene during the 77 outbreak of the pandemic is conducive to the refinement of hospital infection control 78 [5, 7] . It also increases understanding of the environmental challenges corresponding to 79 the reemergence of COVID-19 or similar viruses. Therefore, it is of great significance 80 to ensure the safety of medical treatment and the quality of hospital infection control 81 through the monitoring of environmental hygiene. According to a report from the The environmental monitoring methods referenced the hospital sanitation standards 106 (GB15982-2012). All air was collected by two methods: natural sedimentation [9] and 107 . CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.5340): **Contact spread A dental professional's frequent direct or indirect contact with human fluids, patient materials, and contaminated dental instruments or environmental surfaces makes a possible route to the spread of viruses 53 . In addition, dental professionals and other patients have likely contact of conjunctival, nasal, or oral mucosa with droplets and aerosols containing microorganisms generated from an infected individual and propelled a short distance by coughing and talking without a mask. Effective infection control strategies are needed to prevent the spread of 2019-nCoV through these contact routines.**
+
+[Aerodynamic Characteristics and RNA Concentration of SARS-CoV-2 Aerosol in Wuhan Hospitals during COVID-19 Outbreak](https://doi.org/doi.org/10.1101/2020.03.08.982637)
+Authors: Liu, Y.; Ning, Z.; Chen, Y.; Guo, M.; Liu, Y.; Gali, N. K.; Sun, L.; Duan, Y.; Cai, J.; Westerdahl, D.; Liu, X.; Ho, K.-f.; Kan, H.; Fu, Q.; Lan, K.
+Published: 2020-03-10 00:00:00
+Match (0.5218): **The results from this study provide the first field report on the characteristics of airborne SARS-CoV-2 in Wuhan with important implications for the public health prevention and medical staff protection. We call for particular attentions on 1) the proper use and cleaning of toilets (e.g. ventilation and sterilization), as a potential spread source of coronavirus with relatively high risk caused by aerosolization of virus and contamination of surfaces after use; 2) for the general public, the proper use of personal protection measures, such as wearing masks and avoiding busy crowds; 3) the effective sanitization of the high risk area and the use of high level protection masks for medical staff with direct contact with the COVID-19 patients or with long stay in high risk area; 4) the renovation of large stadiums as field hospitals with nature ventilation and protective measures is an effective approach to quarantine and treat mild symptom patients so as to reduce the COVID-19 transmission among the public; 5) the virus may be resuspended from the contaminated protective apparel surface to the air while taking off and from the floor surface with the movement of medical staff. Thus, surface sanitization of the apparel before they are taken off may also help reduce the infection risk for medical staff. Note: * The reported values are virus aerosol deposition rate in copies m -2 hour -1 . # Two batches of sampling were conducted for the sites. Detailed information is shown in Table S1 . a The samples taken during the first batch of sampling from Feb 17 to Feb 24, 2020. b The samples taken during the second batch of sampling on Mar 2, 2020.**
+
+[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.5213): **Dental patients and professionals can be exposed to pathogenic microorganisms, including viruses and bacteria that infect the oral cavity and respiratory tract. Dental care settings invariably carry the risk of 2019-nCoV infection due to the specificity of its procedures, which involves face-to-face communication with patients, and frequent exposure to saliva, blood, and other body fluids, and the handling of sharp instruments. The pathogenic microorganisms can be transmitted in dental settings through inhalation of airborne microorganisms that can remain suspended in the air for long periods 51 , direct contact with blood, oral fluids, or other patient materials 52 , contact of conjunctival, nasal, or oral mucosa with droplets and aerosols containing microorganisms generated from an infected individual and propelled a short distance by coughing and talking without a mask 53, 54 , and indirect contact with contaminated instruments and/or environmental surfaces 50 . Infections could be present through any of these conditions involved in an infected individual in dental clinics and hospitals, especially during the outbreak of 2019-nCoV (Fig. 1 ).**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4802): **Scientific research is of vital importance for tackling emerging infectious diseases and developing effective intervention methods. The spread of infectious diseases is affected not only by the biological characteristics of the pathogen but also by various other factors such as politics, culture, economy, and the environment. Multidisciplinary research in biomedical, social, and environmental sciences is required to achieve a deeper understanding of disease transmission and develop more effective systems for emergency response.**
+
+[Clinical Data on Hospital Environmental Hygiene Monitoring and Medical Staff Protection during the Coronavirus Disease 2019 Outbreak](https://doi.org/doi.org/10.1101/2020.02.25.20028043)
+Authors: Yanfang Jiang; Haifeng Wang; Yukun Chen; Jiaxue He; Liguo Chen; Yong Liu; Xinyuan Hu; Ang Li; Siwen Liu; Peng Zhang; Hongyan Zou; Shucheng Hua
+Published: 2020-02-27 00:00:00
+Match (0.4778): **Clinical Data on Hospital Environmental Hygiene Monitoring and Medical Staff Protection during the Coronavirus Disease 2019 Outbreak**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.4714): **For healthcare personnel, to minimize the chance of exposures to 2019-nCoV needs to follow the standard of contact and airborne precautions, personal protection including gloves, gowns, respiratory protection, eye protection, and hand hygiene. Some procedures performed on 2019-nCoV infected patients could generate infectious aerosols, e.g., nasopharyngeal specimen collection, sputum induction, and open suctioning of airways should be performed cautiously. If performed, these procedures should take place in an airborne infection isolation room, and personnel should use respiratory and eye protection, and hand hygiene [30] . In addition, management of environmental infection control including laundry, food service utensils, and medical waste should also be performed. Artificial Intelligence (AI), alternative selection to reducing infection for medical personnel, should be explored (Joint developed by Respiratory Research Institution of Zhongshan Hospital, Fudan University and RealMax Ltd Co), which will be benefit for remote guidance of practices.**
+
+# Persistence and stability on a multitude of substrates and sources (e.g., nasal discharge, sputum, urine, fecal matter, blood). + +[2019 Novel Coronavirus can be detected in urine, blood, anal swabs and oropharyngeal swabs samples](https://doi.org/doi.org/10.1101/2020.02.21.20026179)
+Authors: Liang Peng; Jing Liu; Wenxiong Xu; Qiumin Luo; Keji Deng; Bingliang Lin; Zhiliang Gao
+Published: 2020-02-25 00:00:00
+Match (0.5741): **The pathogenic mechanism of SARS-CoV-2 infection is still unclear. Current evidences indicate that it can invade multiple organ systems, including the respiratory system, digestive system and hematological system (3) (4) (5) . But whether it can invade the urinary system has not been reported. In our study, urine, blood, anal swab and oropharyngeal swab from 9 patients were retested by qRT-PCR. It is the first time for the SARS-CoV-2 found in urine, though no urinary irritation was found. In addition, the quantity of the virus in the anal swab was closer to that of the oropharyngeal test, and those in the blood and urine were less than that of the oropharyngeal test, indicating that the "clearing effect" of the digestive tract on the virus is not obvious.**
+
+[A retrospective study of the clinical characteristics of COVID-19 infection in 26 children](https://doi.org/doi.org/10.1101/2020.03.08.20029710)
+Authors: Anjue Tang; Wenhui Xu; min shen; Peifen Chen; Guobao Li; Yingxia Liu; Lei Liu
+Published: 2020-03-10 00:00:00
+Match (0.5582): **Patients in this study were tested with the 2019-nCOV nucleic acid test. The specimens included nasopharyngeal swabs, blood, sputum, and anal swabs. We found that nasal swabs and anal swabs were positive even without respiratory symptoms such as cough and gastrointestinal symptoms such as vomiting and diarrhea Therefore, the source of samples cannot be selected based on clinical manifestations, and should be submitted multiple times and at multiple sites to avoid misdiagnosis of patients with mild imaging without imaging manifestations. Although there is no clinical evidence that the virus is transmitted through the conjunctival pathway [13] , mother-infant, and breast-milk [4] , researchers have detected the virus in urine [14] , saliva [15] , suggesting that novel coronavirus has a wide range of transmission routes.**
+
+[2019 Novel Coronavirus can be detected in urine, blood, anal swabs and oropharyngeal swabs samples](https://doi.org/doi.org/10.1101/2020.02.21.20026179)
+Authors: Liang Peng; Jing Liu; Wenxiong Xu; Qiumin Luo; Keji Deng; Bingliang Lin; Zhiliang Gao
+Published: 2020-02-25 00:00:00
+Match (0.5043): **2019 Novel Coronavirus can be detected in urine, blood, anal swabs and oropharyngeal swabs samples**
+
+[Rapid Detection of Novel Coronavirus (COVID-19) by Reverse Transcription-Loop-Mediated Isothermal Amplification](https://doi.org/doi.org/10.1101/2020.02.19.20025155)
+Authors: Laura E Lamb; Sarah N Bartolone; Elijah Ward; Michael B Chancellor
+Published: 2020-02-24 00:00:00
+Match (0.4990): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.19.20025155 doi: medRxiv preprint common human specimens collected for clinical testing, including serum, urine, saliva, oropharyngeal swabs, and nasopharyngeal swabs.**
+
+[Analysis of early renal injury in COVID-19 and diagnostic value of multi-index combined detection](https://doi.org/doi.org/10.1101/2020.03.07.20032599)
+Authors: Xu-wei Hong; Ze-pai Chi; Guo-yuan Liu; Hong Huang; Shun-qi Guo; Jing-ru Fan; Xian-wei Lin; Liao-zhun Qu; Rui-lie Chen; Ling-jie Wu; Liang-yu Wang; Qi-chuan Zhang; Su-wu Wu; Ze-qun Pan; Hao Lin; Yu-hua Zhou; Yong-hai Zhang
+Published: 2020-03-10 00:00:00
+Match (0.4868): **The excretion of albumin in urine increases, and as the lesions worsen, the excretion of immunoglobulin G in urine also increases. Therefore, the detection of urine immunoglobulin G can help to judge the degree of damage on the glomerular filtration membrane.**
+
+[Clinical presentation and virological assessment of hospitalized cases of coronavirus disease 2019 in a travel-associated transmission cluster](https://doi.org/doi.org/10.1101/2020.03.05.20030502)
+Authors: Roman Woelfel; Victor Max Corman; Wolfgang Guggemos; Michael Seilmaier; Sabine Zange; Marcel A Mueller; Daniela Niemeyer; Patrick Vollmar; Camilla Rothe; Michael Hoelscher; Tobias Bleicker; Sebastian Bruenink; Julia Schneider; Rosina Ehmann; Katrin Zwirglmaier; Christian Drosten; Clemens Wendtner
+Published: 2020-03-08 00:00:00
+Match (0.4805): **Daily measurements of viral load in sputum, pharyngeal swabs, and stool are summarized in Figure 2 . In general, viral RNA concentrations were very high in initial samples. In all patients except one, throat swab RNA concentrations seemed to be already on the decline at the time of first presentation. Sputum RNA concentrations declined more slowly, with a peak during the first week of symptoms in three of eight patients. Stool RNA concentrations were also high. Courses of viral RNA concentration in stool seemed to reflect courses in sputum in many cases (e.g., Figure 2 A, B, C) . In only one case, independent replication in the intestinal tract seemed obvious from the course of stool RNA excretion (Figure 2 D) .**
+
+[2019 Novel Coronavirus can be detected in urine, blood, anal swabs and oropharyngeal swabs samples](https://doi.org/doi.org/10.1101/2020.02.21.20026179)
+Authors: Liang Peng; Jing Liu; Wenxiong Xu; Qiumin Luo; Keji Deng; Bingliang Lin; Zhiliang Gao
+Published: 2020-02-25 00:00:00
+Match (0.4712): **Nevertheless, the relative symptoms, including diarrhea and urinary irritation did not happen to every patient with virus in anal swab and urine specimens. All samples were negative at the earliest time of the 10 th day after onset in that mild patient. Therefore, we believed that SARS-CoV-2 can invade the urinary system, hematological system and digestive system other than the respiratory system, not always with relative symptoms. Mild patients can be self-limiting. This will prompt clinicians to pay attention to the clinical manifestations of multiple systems, even if the corresponding clinical symptoms do not appear. In addition, it is necessary to carry out multiple examinations of various specimens to assess changes in disease and prognosis.**
+
+[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.4635): **Dental patients and professionals can be exposed to pathogenic microorganisms, including viruses and bacteria that infect the oral cavity and respiratory tract. Dental care settings invariably carry the risk of 2019-nCoV infection due to the specificity of its procedures, which involves face-to-face communication with patients, and frequent exposure to saliva, blood, and other body fluids, and the handling of sharp instruments. The pathogenic microorganisms can be transmitted in dental settings through inhalation of airborne microorganisms that can remain suspended in the air for long periods 51 , direct contact with blood, oral fluids, or other patient materials 52 , contact of conjunctival, nasal, or oral mucosa with droplets and aerosols containing microorganisms generated from an infected individual and propelled a short distance by coughing and talking without a mask 53, 54 , and indirect contact with contaminated instruments and/or environmental surfaces 50 . Infections could be present through any of these conditions involved in an infected individual in dental clinics and hospitals, especially during the outbreak of 2019-nCoV (Fig. 1 ).**
+
+[High expression of ACE2 receptor of 2019-nCoV on the epithelial cells of oral mucosa](https://doi.org/10.1038/s41368-020-0074-x)
+Authors: Xu, Hao; Zhong, Liang; Deng, Jiaxin; Peng, Jiakuan; Dan, Hongxia; Zeng, Xin; Li, Taiwen; Chen, Qianming
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.4540): **Although studies have reported multiple symptoms of hospitalized patients with 2019-nCoV infection 3, 20 , some cases at home might be asymptomatic. It is worth noting that, a previous study showed that 99% of the patients had no clinical manifestation of oral human papillomavirus (HPV), but HPV DNA was detected in 81% of oral mucosa samples, and anti-HPV IgA was detected in the saliva of 44% of the patients 21 . Likewise, although 2019-ncov infection hardly presented oral symptoms, the ACE2 expression in the oral cavity indicated that the oral infection route of 2019-nCoV cannot be excluded. Moreover, a latest pilot experiment showed that 4 out of 62 stool specimens tested positive to 2019-nCoV, and another four patients in a separate cohort who tested positive to rectal swabs had the 2019-nCoV being detected in the gastrointestinal tract, saliva, or urine 20 . Thus, our results support that in addition to the respiratory droplets and direct contact, fecal-oral transmission might also be the route of transmission of 2019-nCoV.**
+
+[High expression of ACE2 receptor of 2019-nCoV on the epithelial cells of oral mucosa](http://dx.doi.org/10.1038/s41368-020-0074-x)
+Authors: Xu, Hao; Zhong, Liang; Deng, Jiaxin; Peng, Jiakuan; Dan, Hongxia; Zeng, Xin; Li, Taiwen; Chen, Qianming
+Published: 2020-02-24 00:00:00
+Publication: Int J Oral Sci
+Match (0.4540): **Although studies have reported multiple symptoms of hospitalized patients with 2019-nCoV infection 3, 20 , some cases at home might be asymptomatic. It is worth noting that, a previous study showed that 99% of the patients had no clinical manifestation of oral human papillomavirus (HPV), but HPV DNA was detected in 81% of oral mucosa samples, and anti-HPV IgA was detected in the saliva of 44% of the patients 21 . Likewise, although 2019-ncov infection hardly presented oral symptoms, the ACE2 expression in the oral cavity indicated that the oral infection route of 2019-nCoV cannot be excluded. Moreover, a latest pilot experiment showed that 4 out of 62 stool specimens tested positive to 2019-nCoV, and another four patients in a separate cohort who tested positive to rectal swabs had the 2019-nCoV being detected in the gastrointestinal tract, saliva, or urine 20 . Thus, our results support that in addition to the respiratory droplets and direct contact, fecal-oral transmission might also be the route of transmission of 2019-nCoV.**
+
+# Persistence of virus on surfaces of different materials (e,g., copper, stainless steel, plastic). + +[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.6122): **The use of rubber dams can significantly minimize the production of saliva-and blood-contaminated aerosol or spatter, particularly in cases when high-speed handpieces and dental ultrasonic devices are used. It has been reported that the use of rubber dam could significantly reduce airborne particles in~3-foot diameter of the operational field by 70% 58 . When rubber dam is applied, extra high-volume suction for aerosol and spatter should be used during the procedures along with regular suction 59 . In this case, the implementation of a complete four-hand operation is also necessary. If rubber dam isolation is not possible in some cases, manual devices, such as Carisolv and hand scaler, are recommended for caries removal and periodontal scaling, in order to minimize the generation of aerosol as much as possible.**
+
+[Aerodynamic Characteristics and RNA Concentration of SARS-CoV-2 Aerosol in Wuhan Hospitals during COVID-19 Outbreak](https://doi.org/doi.org/10.1101/2020.03.08.982637)
+Authors: Liu, Y.; Ning, Z.; Chen, Y.; Guo, M.; Liu, Y.; Gali, N. K.; Sun, L.; Duan, Y.; Cai, J.; Westerdahl, D.; Liu, X.; Ho, K.-f.; Kan, H.; Fu, Q.; Lan, K.
+Published: 2020-03-10 00:00:00
+Match (0.6034): **MSAs in general have higher concentration of SARS-CoV-2 aerosol with biomodal size distributions compared to PAA in both hospitals during the first batch of sampling in the peak of COVID-19 outbreak. For Renmin Hospital sampling sites, the air circulation in MSA by design is isolated from that of the patient rooms. While for Fangcang Hospital, the nonventilated temporary PARR has limited air penetration from the patient hall where the SARS-CoV-2 aerosol concentration was generally low. We believe one direct source of the high SARS-CoV-2 aerosol concentration may be the resuspension of virus-laden aerosol from the surface of medical staff protective apparel while they are being removed. These resuspended virus-laden aerosol originally may come from the direct deposition of respiratory droplets or virus-laden aerosol onto the protective apparel while medical staff having long working hours inside PAA, as shown from the SARS-CoV-2 deposition results in ICU room. Another possible source is the resuspension of floor dust aerosol containing virus that were transferred from PAA to MSA. The two virus-laden aerosol sources also appear to correspond to the sub-and supermicron peaks found in size-segregated samples. We hypothesize the submicron aerosol may come from the resuspension of virus-laden aerosol from staff apparel due to its higher mobility while the supermicron virus-laden aerosol may come from the resuspension of dust particles from the floors or other hard surfaces. The findings suggest virus-laden aerosols could first deposit on the surface of medical staff protective apparel and the floors in patient areas and are then resuspended by the movements of medical staff. The second batch of TSP samples taken in Fangcang MSAs all tested negative with reduced number of patients from > 200 to 100 per zone and implementation of more rigorous and thorough sanitization measures in Fangcang. The comparison of the two batches of samples showed the effectiveness and importance of sanitization in reducing the airborne SARS-CoV-2 in high risk areas.**
+
+[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.5895): **On inanimate surfaces, human coronaviruses can remain infectious for up to 9 days. A surface disinfection with 0.1% sodium hypochlorite, 0.5% hydrogen peroxide, or 62%-71% ethanol can be regarded as effective against coronaviruses within 1 min [15, 17] .**
+
+[Aerodynamic Characteristics and RNA Concentration of SARS-CoV-2 Aerosol in Wuhan Hospitals during COVID-19 Outbreak](https://doi.org/doi.org/10.1101/2020.03.08.982637)
+Authors: Liu, Y.; Ning, Z.; Chen, Y.; Guo, M.; Liu, Y.; Gali, N. K.; Sun, L.; Duan, Y.; Cai, J.; Westerdahl, D.; Liu, X.; Ho, K.-f.; Kan, H.; Fu, Q.; Lan, K.
+Published: 2020-03-10 00:00:00
+Match (0.5854): **The results from this study provide the first field report on the characteristics of airborne SARS-CoV-2 in Wuhan with important implications for the public health prevention and medical staff protection. We call for particular attentions on 1) the proper use and cleaning of toilets (e.g. ventilation and sterilization), as a potential spread source of coronavirus with relatively high risk caused by aerosolization of virus and contamination of surfaces after use; 2) for the general public, the proper use of personal protection measures, such as wearing masks and avoiding busy crowds; 3) the effective sanitization of the high risk area and the use of high level protection masks for medical staff with direct contact with the COVID-19 patients or with long stay in high risk area; 4) the renovation of large stadiums as field hospitals with nature ventilation and protective measures is an effective approach to quarantine and treat mild symptom patients so as to reduce the COVID-19 transmission among the public; 5) the virus may be resuspended from the contaminated protective apparel surface to the air while taking off and from the floor surface with the movement of medical staff. Thus, surface sanitization of the apparel before they are taken off may also help reduce the infection risk for medical staff. Note: * The reported values are virus aerosol deposition rate in copies m -2 hour -1 . # Two batches of sampling were conducted for the sites. Detailed information is shown in Table S1 . a The samples taken during the first batch of sampling from Feb 17 to Feb 24, 2020. b The samples taken during the second batch of sampling on Mar 2, 2020.**
+
+[Aerodynamic Characteristics and RNA Concentration of SARS-CoV-2 Aerosol in Wuhan Hospitals during COVID-19 Outbreak](https://doi.org/doi.org/10.1101/2020.03.08.982637)
+Authors: Liu, Y.; Ning, Z.; Chen, Y.; Guo, M.; Liu, Y.; Gali, N. K.; Sun, L.; Duan, Y.; Cai, J.; Westerdahl, D.; Liu, X.; Ho, K.-f.; Kan, H.; Fu, Q.; Lan, K.
+Published: 2020-03-10 00:00:00
+Match (0.5832): **This study also recorded an elevated airborne SARS-CoV-2 concentration inside the patient mobile toilet of Fangcang Hospital. This may come from either the patient's breath or the aerosolization of the virus-laden aerosol from patient's faeces or urine during use. Ong et al. has found the wipe samples from room surfaces of toilets used by SARS-CoV-2 patients tested positive. 11 Our finding has confirmed the aerosol transmission as an important pathway for surface contamination. We call for extra care and attention on the proper design, use and disinfection of the toilets in hospitals and in communities to minimize the potential source of the virus-laden aerosol.**
+
+[Aerodynamic Characteristics and RNA Concentration of SARS-CoV-2 Aerosol in Wuhan Hospitals during COVID-19 Outbreak](https://doi.org/doi.org/10.1101/2020.03.08.982637)
+Authors: Liu, Y.; Ning, Z.; Chen, Y.; Guo, M.; Liu, Y.; Gali, N. K.; Sun, L.; Duan, Y.; Cai, J.; Westerdahl, D.; Liu, X.; Ho, K.-f.; Kan, H.; Fu, Q.; Lan, K.
+Published: 2020-03-10 00:00:00
+Match (0.5749): **The sampling was conducted between February 17 and March 2, 2020 in the locations by two batches as shown in Table 1 . All aerosol samples were collected on presterilized gelatin filters (Sartorius, Germany). Total of 30 TSP aerosol samples were collected on 25 mm diameter filters loaded into styrene filter cassettes (SKC Inc, US) and sampled air at a fixed flow rate of 5.0 litre per minute (LPM) using a portable pump (APEX2, Casella, US). Total of 3 size segregated aerosol samples were collected using a miniature cascade impactor (Sioutas impactor, SKC Inc., US) that separate aerosol into five ranges (> 2.5 The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.03.08.982637 doi: bioRxiv preprint to 0.25 μ m on 37 mm filters) at a flow rate of 9.0 LPM. Total of 2 aerosol deposition samples were collected using 80 mm diameter filters packed into a holder with an effective deposition area of 43.0 cm 2 and the filters were placed on the floor in two corners of Renmin Hospital ICU room intact for 7 days. Sampling durations and operation periods are detailed in Table S1 . Prior to the field sampling, the integrity and robustness of experiment protocol was examined in the laboratory and described in Supplementary Appendix (Table S2 ).**
+
+[Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents](https://doi.org/10.1016/j.infpip.2020.100044)
+Authors: Kampf, Günter
+Published: 2020-01-01 00:00:00
+Publication: Infection Prevention in Practice
+Match (0.5458): **The WHO recommends "to ensure that environmental cleaning and disinfection procedures are followed consistently and correctly. Thoroughly cleaning environmental surfaces with water and detergent and applying commonly used hospital-level disinfectants (such as sodium hypochlorite) are effective and sufficient procedures." [11] The typical use of bleach is at a dilution of 1:100 of 5% sodium hypochlorite resulting in a final concentration of 0.05% [12] . The recently published data with coronaviruses suggest that a concentration of 0.1% is effective in 1 min [7] . That is why it seems appropriate to recommend a dilution 1:50 of standard bleach in the coronavirus setting. For the disinfection of small surfaces ethanol (62%e71%; carrier tests) revealed a similar efficacy against coronavirus [7] . Ethanol at 70% ethanol is also recommended by the WHO for disinfecting small surfaces [12] .**
+
+[Identification of Coronavirus Isolated from a Patient in Korea with COVID-19](http://dx.doi.org/10.24171/j.phrp.2020.11.1.02)
+Authors: Kim, Jeong-Min; Chung, Yoon-Seok; Jo, Hye Jun; Lee, Nam-Joo; Kim, Mi Seon; Woo, Sang Hee; Park, Sehee; Kim, Jee Woong; Kim, Heui Man; Han, Myung-Guk
+Published: 2020-02-19 00:00:00
+Publication: Osong Public Health Res Perspect
+Match (0.5336): **After washing 3 times with deionized water, en bloc staining was performed using 0.5% uranyl acetate. Thereafter, 30%, 50%, 70%, 80%, 90%, and 100% ethanol were used sequentially in ascending concentration for dehydration, which was substituted with propylene oxide. The slides were then embedded in Epon812 plastic resin, and polymerized at 70°C for 48 hours. The prepared plastic block was cut to 70-nm thick sections using an ultramicrotome and mounted on a 100mesh nickel grid, and electrostained with 5% uranyl acetate.**
+
+[Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents](https://doi.org/10.1016/j.infpip.2020.100044)
+Authors: Kampf, Günter
+Published: 2020-01-01 00:00:00
+Publication: Infection Prevention in Practice
+Match (0.5316): **Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents**
+
+[Potential role of inanimate surfaces for the spread of coronaviruses and their inactivation with disinfectant agents](https://doi.org/10.1016/j.infpip.2020.100044)
+Authors: Kampf, Günter
+Published: 2020-01-01 00:00:00
+Publication: Infection Prevention in Practice
+Match (0.5295): **Contamination of frequent touch surfaces in healthcare settings are a potential source of viral transmission. Data on the transmissibility of coronaviruses from contaminated surfaces to hands were not found. However, it could be shown with influenza A virus that a 5 s contact is sufficient to transfer 31.6% of the viral load to the hands [9] . The transfer efficiency was lower with parainfluenza-virus 3 (1.5%) [10] . Although the viral load of coronaviruses on inanimate surfaces is not known during an outbreak situation it seems plausible to reduce the viral load on surfaces by disinfection, especially on frequent touch surfaces in the immediate patient surrounding where the highest viral load can be expected.**
+
+# Natural history of the virus and shedding of it from an infected person + +[Exuberant elevation of IP-10, MCP-3 and IL-1ra during SARS-CoV-2 infection is associated with disease severity and fatal outcome](https://doi.org/doi.org/10.1101/2020.03.02.20029975)
+Authors: Yang Yang; Chenguang Shen; Jinxiu Li; Jing Yuan; Minghui Yang; Fuxiang Wang; Guobao Li; Yanjie Li; Li Xing; Ling Peng; Jinli Wei; Mengli Cao; Haixia Zheng; Weibo Wu; Rongrong Zou; Delin Li; Zhixiang Xu; Haiyan Wang; Mingxia Zhang; Zheng Zhang; Lei Liu; Yingxia Liu
+Published: 2020-03-06 00:00:00
+Match (0.5048): **durations of viral shedding in H7N9 infected patients 35 , which is of concern. The 1 3 9**
+
+[A mathematical model for estimating the age-specific transmissibility of a novel coronavirus](https://doi.org/doi.org/10.1101/2020.03.05.20031849)
+Authors: Zeyu Zhao; Yuan-Zhao Zhu; Jing-Wen Xu; Qing-Qing Hu; Zhao Lei; Jia Rui; Xingchun Liu; Yao Wang; Li Luo; Shan-Shan Yu; Jia Li; Ruo-Yun Liu; Fang Xie; Ying-Ying Su; Yi-Chen Chiang; Yanhua Su; Benhua Zhao; Tianmu Chen
+Published: 2020-03-08 00:00:00
+Match (0.4843): **f) The incubation period of exposed person is 1/. The exposed person will become asymptomatic 119 people after a latent period of 1/'. We describe p (0 ≤ p ≤ 1) as the proportion of asymptomatic 120 infection. Exposed individuals will become asymptomatic person A with a daily rate of pE, and become 121 symptomatic person with a daily rate of (1-p)E; 122 g) The transmissibility of A is  times (0 ≤  ≤ 1) of that of I. 123**
+
+[Relations of parameters for describing the epidemic of COVID―19 by the Kermack―McKendrick model](https://doi.org/doi.org/10.1101/2020.02.26.20027797)
+Authors: Toshihisa Tomie
+Published: 2020-03-03 00:00:00
+Match (0.4629): **The basic reproduction number, R 0 , which is the number of persons infected by the transmission of a pathogen from one infected person during the infectious time, is given by**
+
+[2019-novel Coronavirus (2019-nCoV): estimating the case fatality rate - a word of caution](https://doi.org/10.4414/smw.2020.20203)
+Authors: Battegay, Manuel; Kuehl, Richard; Tschudin-Sutter, Sarah; Hirsch, Hans H.; Widmer, Andreas F.; Neher, Richard A.
+Published: 2020-01-01 00:00:00
+Publication: Swiss Med Wkly
+Match (0.4579): **How is the virus transmitted, how long is the incubation period, what is the role of asymptomatic infected, what is the definite reproductive number R0, how long is viral shedding persisting after fading of symptoms, who is at risk for a severe course, and ultimately, how high is the case fatality rate?**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4426): **We assumed no new transmissions from animals, no differences in individual immunity, the time-scale of the epidemic is much faster than characteristic times for demographic processes (natural birth and death), and no differences in natural births and deaths. In this model, individuals are classified into four types: susceptible (S; at risk of contracting the disease), exposed (E; infected but not yet infectious), infectious (I; capable of transmitting the disease), and removed (R; those who recover or die from the disease). The total population size (N) is given by N = S + E + I + R. It is assumed that susceptible individuals who have been infected first enter a latent (exposed) stage, during which they may have a low level of infectivity. The differential equations of the SEIR model are given as: 32, 33 dS=dt ¼ Àβ S I=N;**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4426): **We assumed no new transmissions from animals, no differences in individual immunity, the time-scale of the epidemic is much faster than characteristic times for demographic processes (natural birth and death), and no differences in natural births and deaths. In this model, individuals are classified into four types: susceptible (S; at risk of contracting the disease), exposed (E; infected but not yet infectious), infectious (I; capable of transmitting the disease), and removed (R; those who recover or die from the disease). The total population size (N) is given by N = S + E + I + R. It is assumed that susceptible individuals who have been infected first enter a latent (exposed) stage, during which they may have a low level of infectivity. The differential equations of the SEIR model are given as: 32, 33 dS=dt ¼ Àβ S I=N;**
+
+[Phase adjusted estimation of the number of 2019 novel coronavirus cases in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.18.20024281)
+Authors: Huwen Wang; Zezhou Wang; Yinqiao Dong; Ruijie Chang; Chen Xu; Xiaoyue Yu; Shuxian Zhang; Lhakpa Tsamlag; Meili Shang; Jinyan Huang; Ying Wang; Gang Xu; Tian Shen; Xinxin Zhang; Yong Cai
+Published: 2020-02-23 00:00:00
+Match (0.4326): **We assumed no new transmissions from animals, no differences in individual immunity, the time-scale of the epidemic is much faster than characteristic times for demographic processes (natural birth and death), and no differences in natural births and deaths. In this model, individuals are classified into four types: susceptible (S; at risk of contracting the disease), exposed (E; infected but not yet infectious), infectious (I; capable of transmitting the disease), and removed (R; those who recover or die from the disease). The total population size (N) is given by N = S+E+I+R. It is assumed that susceptible individuals who have been infected first enter a latent (exposed) stage, during which they may have a low level of infectivity. The differential equations of the SEIR model are given as: 32, 33 All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Strategies for vaccine design for corona virus using Immunoinformatics techniques](https://doi.org/doi.org/10.1101/2020.02.27.967422)
+Authors: Basu, A.; Sarkar, A.; Maulik, U.
+Published: 2020-03-02 00:00:00
+Match (0.4225): **Coronaviruses are zoonotic, meaning they are transmitted between animals and people. Detailed investigations found that SARS-CoV has been transmitted from civet cats to humans and MERS-CoV from camels to humans. Several known coronaviruses are circulating in animals that have not yet infected humans. Early on, many of the patients in the outbreak in Wuhan, China reportedly have some link to a large seafood and animal market, suggesting animal-toperson spread. However, a growing number of patients reportedly have not had exposure to animal markets, indicating person-to-person spread is occurring. The 2019-nCoV is spreading from person to person in China and limited spread among close contacts has been detected in some countries outside China. Common signs of infection include respiratory symptoms, fever, cough, shortness of breath and breathing difficulties. In more severe cases, infection can cause pneumonia, severe acute respiratory syndrome, kidney failure and even death. There is currently no vaccine to protect against 2019-nCoV.**
+
+[Emergence of Novel Coronavirus 2019-nCoV: Need for Rapid Vaccine and Biologics Development](https://doi.org/10.3390/pathogens9020148)
+Authors: Shanmugaraj, Balamurugan; Malla, Ashwini; Phoolcharoen, Waranyoo
+Published: 2020-01-01 00:00:00
+Publication: Pathogens
+Match (0.4207): **The transmission of 2019-nCoV is often spread from person to person through the respiratory droplets generated during coughs or sneezes from an infected person. Human-to-human transmission is reported in countries such as Germany, Japan, Vietnam, and the United States [12] . The confirmed cases through inter-human transmission have increased the fear and panic accompanying the 2019-nCoV outbreak. It is still unknown whether the virus spreads only through human contact or if there is possible transmission through oral-fecal contact as well.**
+
+[Prediction of the Epidemic of COVID-19 Based on Quarantined Surveillance in China](https://doi.org/doi.org/10.1101/2020.02.27.20027169)
+Authors: Rui Li; Wenliang Lu; Xifei Yang; Peihua Feng; Ozarina Muqimova; Xiaoping Chen; Gang Wei
+Published: 2020-02-29 00:00:00
+Match (0.4123): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.27.20027169 doi: medRxiv preprint q Quarantined rate of the exposed individuals 5×10 -7 υ 1 Rate of removing the quarantined( observed medically) who are not 1/14(0.07) infected but intimate contact with the exposed or the infected υ 2 Convertion speed rate of the exposed persons to the infected persons 1/7(0.14) author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+# Implementation of diagnostics and products to improve clinical processes + +[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.6083): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5912): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.03.05.20031971 doi: medRxiv preprint 14 more scalable than animal antibody production. Therefore, SENSR is more suitable for rapid 328 mass production of diagnostic kits than antibody-based diagnostics. Future efforts on 329 automated probe design will be needed to accelerate the development of SENSR assays for 330 newly emerging pathogens. 331**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5495): **For its current application, the standardization of protocols as elaborated in this manuscript need to be pursued to ensure that there is seamless sharing of information and data. By doing this, it is expected that issues like burdens of collecting data, accuracy and other complexity that are experienced (when systems are fragmented) are reduced or eliminated altogether. The standardization can be achieved by, for example, ensuring that all the devices and systems are linked into a single network, like was done in the U.S., where all the surveillance of healthcare were combined into the National Healthcare Safety Network (NHSH) [35] . The fact that cities are increasingly tuning on the concept of Smart Cities and boasting an increased adoption rate of technological and connected products, existing surveillance networks can be re-calibrated to make use of those new sets of databases. Appropriate protocols however have to be drafted to ensure effective actions while ensuring privacy and security of data and people.**
+
+[Laboratory readiness and response for novel coronavirus (2019-nCoV) in expert laboratories in 30 EU/EEA countries, January 2020](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000082)
+Authors: Reusken, Chantal B.E.M.; Broberg, Eeva K.; Haagmans, Bart; Meijer, Adam; Corman, Victor M.; Papa, Anna; Charrel, Remi; Drosten, Christian; Koopmans, Marion; Leitmeyer, Katrin
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.5474): **Challenges reported by laboratories in terms of implementing molecular diagnostics for novel coronavirus (2019-nCoV), EU/EEA, January 2020 (n = 47) **
+
+[Nanopore target sequencing for accurate and comprehensive detection of SARS-CoV-2 and other respiratory viruses](https://doi.org/doi.org/10.1101/2020.03.04.20029538)
+Authors: Ming Wang; Aisi Fu; Ben Hu; Yongqing Tong; Ran Liu; Jiashuang Gu; Jianghao Liu; Wen Jiang; Gaigai Shen; Wanxu Zhao; Dong Men; Lilei Yu; Zixin Deng; Yan Li; Tiangang Liu
+Published: 2020-03-06 00:00:00
+Match (0.5428): **can detect variations directly from clinical samples. Whereas the detection throughput of NTS is not 274 high at present, the NTS method can be integrated into widely used automated or semi-automated 275 platforms to improve the detection throughput in the future 21-23 . In addition, because PCR is 276 included in NTS, processes involving opening the lid of the PCR tubes may cause mutual 277 contamination between samples 24, 25 . However, this situation also is inevitable in current nucleic 278 acid detection methods (e.g., qPCR) or other nucleic acid detection schemes (e.g., SHERLOCK 11, 12 279 or toehold switch biosensor 9, 10 ) that also involve PCR. The introduction of integration systems or 280 sealed devices such as microfluidics may avoid this situation 26, 27 . At present, our processes of 281 sequencing data analysis and interpretation of results are not mature; nevertheless, as the number of 282 test samples increases, additional test results will be collected and the process continuously 283 optimized to obtain more accurate results. 284**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.5390): **Furthermore, in cases of emergencies like the current outbreak of COVID-19 and any other, the need for observance of regulatory practices and international healthcare guidelines are paramount. This would ensure that both healthcare professionals and the general populace are informed, protected and remain within the prescribed rules and regulations. As noted by the WHO [40] , the healthcare guidelines and regulatory practices are advanced to also ensure that the health risk in question is reduced together with its consequences. In the current era of technological advancement, such regulations and guidelines are paramount as they have potential to lead to positive or negative outcomes. The position of this paper is to advance that it now possible to integrate technologies like the use of smart devices through IoT networks and wearable devices, data from mobile apps and others to help users to share information with accredited and certified health professionals, and in this case, improve the outcomes for better cross disciplinary and more resilient protocols and policies.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5368): **To increase sensitivity, current nucleic acid detection methods generally involve a 38 target amplification step prior to the detection step. The conventional amplification method is 39 based on PCR, which requires a thermocycler for delicate temperature modulation. As an 40 alternative to the thermal cycling-based amplification, isothermal amplification methods are 41 available, which rely primarily on a strand-displacing polymerase or T7 RNA polymerase at a 42 constant temperature 7 . However, the complex composition of the isothermal amplification 43 mixtures often renders these approaches incompatible with detection methods and whole 44 diagnosis generally becomes a multi-step process [8] [9] [10] [11] . The diagnostic regimen with multi-step 45 procedures requires additional time, instruments, and reagents, as well as skilled personnel to 46 perform the diagnostic procedure. This aspect limits the broad applicability of nucleic acid 47 diagnostics, especially in situations where rapid and simple detection is required. 48 3 efficiently ligate two DNA probes using a target single-stranded RNA as a splint, enabling 54 the sequence-specific detection of RNA molecule 17, 18 . Because the reaction components of 55 the ligation-dependent methods are relatively simple, we hypothesized that the ligation-56 dependent method could be exploited to establish a one-step RNA detection platform when 57 combined with compatible amplification and signal generation methods in a single reaction 58 mixture. 59**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5293): **In contrast, SENSR satisfies many desirable requirements for onsite diagnostic tests 283 for pathogens, such as short turnaround time (30 min), low limit of detection (0.1 aM), 284 inexpensive instrumentation and reagents, and a simple diagnostic procedure. SENSR 285 integrates all component reaction steps using the specially designed probes that contain all 286 required functional parts: promoter, hybridization sequence to target, and an aptamer 287 template. Even with the multifaceted features of the SENSR probes, the design process is 288 systematic and straightforward. Therefore, new SENSR assay can be promptly developed for 289 emerging pathogens as exemplified by the successful design of SENSR assay for SARS-290**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.5291): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.5291): **Real-time RT-PCR is widely deployed in diagnostic virology. In the case of a public health emergency, proficient diagnostic laboratories can rely on this robust technology to establish new diagnostic tests within their routine services before pre-formulated assays become available. In addition to information on Isolated from human airway epithelial culture. d 1 × 10 10 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified but spiked in human negative-testing sputum. e 4 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR. f 3 × 10 9 RNA copies/mL, determined by specific real-time RT-PCR of one isolate. The other isolate was not quantified spiked in human negative-testing sputum. g 1 × 10 8 RNA copies/mL, determined by specific real-time RT-PCR. reagents, oligonucleotides and positive controls, laboratories working under quality control programmes need to rely on documentation of technical qualification of the assay formulation as well as data from external clinical evaluation tests. The provision of control RNA templates has been effectively implemented by the EVAg project that provides virus-related reagents from academic research collections [18] . SARS-CoV RNA was retrievable from EVAg before the present outbreak; specific products such as RNA transcripts for the here-described assays were first retrievable from the EVAg online catalogue on 14 January 2020 (https://www.european-virus-archive.com). Technical qualification data based on cell culture materials and synthetic constructs, as well as results from exclusivity testing on 75 clinical samples, were included in the first version of the diagnostic protocol provided to the WHO on 13 January 2020. Based on efficient collaboration in an informal network of laboratories, these data were augmented within 1 week comprise testing results based on a wide range of respiratory pathogens in clinical samples from natural infections. Comparable evaluation studies during regulatory qualification of in vitro diagnostic assays can take months for organisation, legal implementation and logistics and typically come after the peak of an outbreak has waned. The speed and effectiveness of the present deployment and evaluation effort were enabled by national and European research networks established in response to international health crises in recent years, demonstrating the enormous response capacity that can be released through coordinated action of academic and public laboratories [18] [19] [20] [21] [22] . This laboratory capacity not only supports immediate public health interventions but enables sites to enrol patients during rapid clinical research responses. CD: Planned experiments, conceptualised the laboratory work, conceptualised the overall study, wrote the manuscript draft.**
+
+# Disease models, including animal models for infection, disease and transmission + +[Estimated effectiveness of traveller screening to prevent international spread of 2019 novel coronavirus (2019-nCoV)](https://doi.org/doi.org/10.1101/2020.01.28.20019224)
+Authors: Katelyn Gostic; Ana C. R. Gomez; Riley O. Mummah; Adam J. Kucharski; James O. Lloyd-Smith
+Published: 2020-01-30 00:00:00
+Match (0.5497): **Model 89 90**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5072): **Notably, generating small animal models of coronavirus disease can be difficult. While SARS-CoV readily infected laboratory mice, it does not cause significant disease unless the virus is passaged to adapt to the mouse host [38] . Infection of primates produces a more mild disease than that observed in humans, although fever and pulmonary inflammation were noted [39, 40] . MERS-CoV is incapable of infecting rodent cells without engineering changes in critical residues of the receptor protein, DPP4 [41, 42] . However, MERS-CoV does infect non-human primates [43] . As such, MERS mouse models of disease required a great deal of time to develop and are limited in the types of manipulations that can be performed [41] . At this point, the infectious capability of the 2019-nCoV for different species and different cell types is unknown. Early reports suggest that the virus can utilize human, bat, swine, and civet ACE2 [30] ; notably, the group found mouse Ace2 was not permissive for 2019-nCoV infection Dissemination of virus stocks and/or de novo generation of the virus through reverse genetics systems will enable this research allowing for animal testing and subsequent completion of Koch's postulates for the new virus.**
+
+[Transmission Dynamics of 2019-nCoV in Malaysia](https://doi.org/doi.org/10.1101/2020.02.07.20021188)
+Authors: Jane Labadin; Boon Hao Hong
+Published: 2020-02-11 00:00:00
+Match (0.4897): **The transmission model was formulated based on the epidemiology aspects of the disease:**
+
+[Phase adjusted estimation of the number of 2019 novel coronavirus cases in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.18.20024281)
+Authors: Huwen Wang; Zezhou Wang; Yinqiao Dong; Ruijie Chang; Chen Xu; Xiaoyue Yu; Shuxian Zhang; Lhakpa Tsamlag; Meili Shang; Jinyan Huang; Ying Wang; Gang Xu; Tian Shen; Xinxin Zhang; Yong Cai
+Published: 2020-02-23 00:00:00
+Match (0.4686): **We employed an infectious disease dynamics model (Susceptible, Exposed, Infectious and Removed model; SEIR model) for the purpose of modeling and predicting the number of COVID-19 cases in Wuhan, China. The model is a classic epidemic method to analyze the infectious disease which has a definite latent period, and has proved to be predictive for a variety of acute infectious diseases in the past such as Ebola and SARS. 22, [26] [27] [28] [29] [30] [31] Application of the mathematical model is of great guiding significance to assess the impact of isolation of symptomatic cases as well as observation of asymptomatic contact cases and to promote evidence-based decisions and policy.**
+
+[Beware of asymptomatic transmission: Study on 2019-nCoV prevention and control measures based on extended SEIR model](https://doi.org/doi.org/10.1101/2020.01.28.923169)
+Authors: Shao, P.; Shan, Y.
+Published: 2020-01-28 00:00:00
+Match (0.4554): **According to the types of individual states included in the model, classic warehouse models such as SI model [2] , SIS model [3] , SIR model [4] , and SEIR model [5] . The SI model is a basic model, and other warehouse models are derived models built according . CC-BY-NC-ND 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.28.923169 doi: bioRxiv preprint to research needs. The SEIR model considers Exposed, that is, vulnerable individuals are infected, but they cannot infect other vulnerable individuals within a certain incubation period.**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4431): **We employed an infectious disease dynamics model (SEIR model) for the purpose of modeling and predicting the number of COVID-19 cases in Wuhan, China. The model is a classic epidemic method to analyze the infectious disease, which has a definite latent period, and has proved to be predictive for a variety of acute infectious diseases in the past such as Ebola and SARS 22, [26] [27] [28] [29] [30] [31] . Application of the mathematical model is of great guiding significance to assess the impact of isolation of symptomatic cases as well as observation of asymptomatic contact cases and to promote evidence-based decisions and policy.**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4431): **We employed an infectious disease dynamics model (SEIR model) for the purpose of modeling and predicting the number of COVID-19 cases in Wuhan, China. The model is a classic epidemic method to analyze the infectious disease, which has a definite latent period, and has proved to be predictive for a variety of acute infectious diseases in the past such as Ebola and SARS 22, [26] [27] [28] [29] [30] [31] . Application of the mathematical model is of great guiding significance to assess the impact of isolation of symptomatic cases as well as observation of asymptomatic contact cases and to promote evidence-based decisions and policy.**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.4364): **To date, many problems remain to be solved, including the virus' origin, extent, and duration of transmission in humans, its ability to infect animal hosts, its spectrum and pathogenesis of human infections, and an effective vaccine development.**
+
+[An updated estimation of the risk of transmission of the novel coronavirus (2019-nCov)](https://doi.org/10.1016/j.idm.2020.02.001)
+Authors: Tang, Biao; Bragazzi, Nicola Luigi; Li, Qian; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Infectious Disease Modelling
+Match (0.4154): **The international community of modelers has accepted the challenge of designing mathematical models of coronavirus dynamics and transmission and has swiftly reacted to the current coronavirus outbreak. Several models have been produced, resulting, sometimes, in different estimates. Previously, our group has devised a deterministic compartmental (SEIR) model (Tang et al., 2020) . In the present article, we update this model, based on the latest available data and information.**
+
+[A mathematical model for simulating the transmission of Wuhan novel Coronavirus](https://doi.org/doi.org/10.1101/2020.01.19.911669)
+Authors: Chen, T.; Rui, J.; Wang, Q.; Zhao, Z.; Cui, J.-A.; Yin, L.
+Published: 2020-01-19 00:00:00
+Match (0.4060): **In this study, we developed a Bats-Hosts-Reservoir-People (BHRP) transmission network model for simulating the potential transmission from the infection source (probable be bats) to the human infection.**
+
+# Tools and studies to monitor phenotypic change and potential adaptation of the virus + +[Mucin 4 Protects Female Mice from Coronavirus Pathogenesis](https://doi.org/doi.org/10.1101/2020.02.19.957118)
+Authors: Plante, J. A.; Plante, K.; Gralinski, L.; Beall, A.; Ferris, M. T.; Bottomly, D.; Green, R. R.; McWeeney, S.; Heise, M. T.; Baric, R. S.; Menachery, V. D.
+Published: 2020-02-20 00:00:00
+Match (0.5120): **Muc4 has been detected in synovial sarcomas in humans, thus presenting a novel tissue Screening genetically diverse mouse models provides an opportunity to identify natural 163 variation in novel factors which drive viral disease responses. These studies can also provide 164 therapeutic, prophylactic and molecular insights into emerging pathogens, which are difficult to 165 study during the context of an outbreak. Here, prior phenotypic QTL analysis, bioinformatics, 166**
+
+[Strong evolutionary convergence of receptor-binding protein spike between COVID-19 and SARS-related coronaviruses](https://doi.org/doi.org/10.1101/2020.03.04.975995)
+Authors: Wu, Y.
+Published: 2020-03-04 00:00:00
+Match (0.4968): **Considering that 2019-nCoV and SARS-CoV are distantly related, but show high similarity in the RBD protein structure and can use the same cell receptor, ACE2 5-11 , an evolutionary convergence may have occurred between them. In the present study, we employ a recently developed molecular phyloecological approach 14-16 , which uses a comparative phylogenetic analysis of functional gene sequences to determine the genetic basis of phenotypic evolution, and we examine the possible molecular basis underlying the phenotypic convergence between 2019-nCoV and SARS-CoV. Our results reveal positive selection signals and evolutionary convergent amino acid sites of the spike protein in both 2019-nCoV and SARS-CoV and their related coronaviruses, providing new insights into understanding the evolutionary origin of their phenotypic convergence.**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.4878): **The currently known viruses of the species Severe acute respiratory syndrome-related coronavirus may be as (poorly) representative for this particular species as the few individuals that we selected to represent H. sapiens in Fig. 1 . It is thus reasonable to assume that this biased knowledge of the natural diversity of the species Severe acute respiratory syndrome-related coronavirus limits our current understanding of fundamental aspects of the biology of this species and, as a consequence, our abilities to control zoonotic spillovers to humans. Future studies aimed at understanding the ecology of these viruses and advancing the accuracy and resolution of evolutionary analyses 41 would benefit greatly from adjusting our research and sampling strategies. This needs to include an expansion of our current research focus on human pathogens and their adaptation to specific hosts to other viruses in this species. To illustrate the great potential of species-wide studies, it may again be instructive to draw a parallel to H. sapiens, and specifically to the impressive advancements in personalized medicine in recent years. Results of extensive genetic analyses of large numbers of individuals representing diverse populations from all continents have been translated into clinical applications and greatly contribute to optimizing patient-specific diagnostics and therapy. They were instrumental in identifying reliable predictive markers for specific diseases as well as genomic sites that are under selection. It thus seems reasonable to expect that genome-based analyses with a comparable species coverage will be similarly insightful for coronaviruses. Also, additional diagnostic tools that target the entire species should be developed to complement existing tools optimized to detect individual pathogenic variants (a proactive approach). Technical solutions to this problem are already available; for example, in the context of multiplex PCR-based assays 42 . The costs for developing and applying (combined or separate) species-and virus-specific diagnostic tests in specific clinical and/or epidemiological settings may help to better appreciate the biological diversity and zoonotic potential of specific virus species and their members. Also, the further reduction of time required to identify the causative agents of novel virus infections will contribute to limiting the enormous social and economic consequences of large outbreaks. To advance such studies, innovative fundraising approaches may be required.**
+
+[Early epidemiological analysis of the coronavirus disease 2019 outbreak based on crowdsourced data: a population-level observational study](https://doi.org/10.1016/S2589-7500(20)30026-1)
+Authors: Sun, Kaiyuan; Chen, Jenny; Viboud, Cécile
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Digital Health
+Match (0.4876): **In conclusion, crowdsourced epidemiological data can be useful to monitor emerging outbreaks, such as COVID-19 and, as previously, Ebola virus. 7 These efforts can help generate and disseminate detailed information in the early stages of an outbreak when little other data are available, enabling independent estimation of key parameters that affect interventions. Based on our small sample of patients with COVID-19, we note an intriguing age distribution, reminiscent of that of SARS, which warrants further epidemiological and serological studies. We also report early signs that the response is strengthening in China on the basis of a decrease in case detection time, and rapid management of travel-related infections that are identified internationally. This is an early report of a rapidly evolving situation and the parameters discussed here could change quickly. In the coming weeks, we will continue to monitor the epidemiology of this outbreak using data from news reports and official sources.**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.4670): **However, many other important aspects of virus biology, such as, whether the virus can travel across continents, the list of species it can infect and whether it can cause severe mortality, are much harder to forecast. Our premise is that the amount of sequencing data currently available and the latest advances in computing methods using that data will make it possible for the first time to generate virtual models of how viruses evolve in each environment and how those viruses behave. Such models have the potential to make risk assessments as they arise that can be used to inform policy and direct strategies to head off impending threats.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.4601): **No evidence of viral mutation has been found so far [14] . It is necessary to obtain much more clinically isolated viruses with time and geographical variety to assess the extent of the virus mutations, and also whether these mutations indicate adaptability to human hosts [11] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.4601): **No evidence of viral mutation has been found so far [14] . It is necessary to obtain much more clinically isolated viruses with time and geographical variety to assess the extent of the virus mutations, and also whether these mutations indicate adaptability to human hosts [11] .**
+
+[Exploring diseases/traits and blood proteins causally related to expression of ACE2, the putative receptor of 2019-nCov: A Mendelian Randomization analysis](https://doi.org/doi.org/10.1101/2020.03.04.20031237)
+Authors: Shitao Rao; Alexandria Lau; Hon-Cheong So
+Published: 2020-03-08 00:00:00
+Match (0.4577): **In this study, we wish to answer the following question: What conditions or traits may lead to increased ACE2 expression, which may in turn result in greater susceptibility to 2019-nCov infection? Since COVID-19 is a new disease and prior knowledge is lacking, we employed a phenome-wide approach in which a large variety of traits are studied for causal associations with ACE2 expression. This analysis may help to prioritize resources for better prevention of the infection in those susceptible subjects.**
+
+[Estimated effectiveness of traveller screening to prevent international spread of 2019 novel coronavirus (2019-nCoV)](https://doi.org/doi.org/10.1101/2020.01.28.20019224)
+Authors: Katelyn Gostic; Ana C. R. Gomez; Riley O. Mummah; Adam J. Kucharski; James O. Lloyd-Smith
+Published: 2020-01-30 00:00:00
+Match (0.4573): **Our analysis underscores the reality that respiratory viruses are difficult to detect by travel 359 screening programs, particularly if a substantial fraction of infected people show mild or 360 indistinct symptoms, and if incubation periods are long. Quantitative estimates of screening 361 effectiveness will improve as more is learned about this recently-emerged virus, and will vary 362 with the precise design of screening programs. However, we present a robust qualitative finding: 363 in any situation where there is widespread epidemic transmission in source populations from 364 which travellers are drawn, travel screening programs can slow but not stop the importation of 365 infected cases. By decomposing the factors leading to success or failure of screening efforts, 366 our work supports decision-making about program design, and highlights key questions for 367 further research. We hope that these insights may help to mitigate the global impacts of nCoV 368 by guiding effective decision-making in both high-and low-resource countries, and may 369 contribute to prospective improvements in travel screening policy for future emerging infections. 370 371 . CC-BY-NC 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.4531): **How far a virus will eventually spread at local, regional, national and international levels is of central concern during an epidemic outbreak due to the severe consequences large-scale epidemics have on human well-being [5] , the stability and coherence of social systems [11] , and the global economy [23] . A thorough understanding of the genetic characteristics of a virus is crucial to understand the way it is (or may be) transmitted (e.g. human-to-human transmissibility) in order to be able to anticipate the potential reach of an outbreak and develop effective countermeasures. The recent outbreak of a new type of coronavirus -2019-nCoV -provides plenty of examples of the way researchers seek to quickly approach the aforementioned problems of genetic decomposition of the virus [2, 8] and modelling of its transmission dynamics [15] .**
+
+# Immune response and immunity + +[Design of multi epitope-based peptide vaccine against E protein of human COVID-19: An immunoinformatics approach](https://doi.org/doi.org/10.1101/2020.02.04.934232)
+Authors: Abdelmageed, M. I.; Abdelmoneim, A. H.; Mustafa, M. I.; Elfadol, N. M.; Murshed, N. S.; Shantier, S. W.; Makhawi, A. M.
+Published: 2020-03-02 00:00:00
+Match (0.7974): **The immune response of T cell is considered as a long lasting response compared to B cell, where the antigen can easily escape the antibody memory response [76] . Vaccines that effectively generate cell-mediated response are needed to provide protection against the invading pathogen. Moreover the CD8+ T and CD4+ T cell responses play a major role in antiviral immunity [77] . Thus designing vaccine against T cell is much more important.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.7873): **Adaptive immune system is specific and memorizes the pathogens, including two arms, the antibody and T cell responses. Inducing adaptive immunity is also the aim of vaccination. SARS studies showed that binding and neutralizing antibodies are elicited in SARS-CoV infections, but their association with clinical outcomes is unclear [21] . Robust antibody responses were developed in severely infected SARS patients [22] . However, it is debated whether antibody-dependent enhancement played roles in disease exacerbation [23, 24] . Memory T cell responses are induced and maintained in SARS-CoV infected subjects [25] . T cell immunity was also confirmed to be necessary for resolving the viral infection in mouse models [26, 27] .**
+
+[2019 novel coronavirus disease in hemodialysis (HD) patients: Report from one HD center in Wuhan, China](https://doi.org/doi.org/10.1101/2020.02.24.20027201)
+Authors: Yiqiong Ma; Bo Diao; Xifeng Lv; Jili Zhu; Wei Liang; Lei Liu; Wenduo Bu; Huiling Cheng; Sihao Zhang; Lianhua Yang; Ming Shi; Guohua Ding; Bo Shen; Huiming Wang
+Published: 2020-02-25 00:00:00
+Match (0.7615): **The immune system is the key defense line for the body to resist and eliminate the virus. In the antiviral immune response, cellular immunity (including T cells and NK cells) plays a central role, while humoral immunity plays a coordinating role. The underlined mechanism of SARS-CoV-2 inflicted harmful effects leading to severe condition or death in COVID-19 patients is the over response against the virus by immune system and large amount of cytokines production (cytokine storm) [13] . The above results show that most of the HD patients with SARS-CoV-2 infection were in . CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.7589): **The clinical symptoms of COVID-19 varied from asymptomatic to ARDS, which has been similarly observed in SARS-CoV, MERS-CoV and influenza infections [7] . Host immune responses on some extent determine both protection and pathogenesis to the respiratory viral infections [11, 14] . A well co-ordinated innate and adaptive immune response may rapidly control of the virus, while a failed immune response leads to viral spreading, cytokine storm, and high mortality [15] .**
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.7279): **Potential anti-coronavirus therapies can be divided into two categories depending on the target, one is acting on the human immune system or human cells, and the other is on coronavirus itself. In terms of the human immune system, the innate immune system response plays an important role in controlling the replication and infection of coronavirus, and interferon is expected to enhance the immune response 11 .**
+
+[Integrative Bioinformatics Analysis Provides Insight into the Molecular Mechanisms of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.03.20020206)
+Authors: Xiang He; Lei Zhang; Qin Ran; Anying Xiong; Junyi Wang; Dehong Wu; Feng Chen; Guoping Li
+Published: 2020-02-05 00:00:00
+Match (0.7120): **The copyright holder for this preprint . https://doi.org/10.1101/2020.02.03.20020206 doi: medRxiv preprint production of acute respiratory distress syndrome-associated cytokines (7) . ACE2 is also related to adaptive immune responses (8) . In this current study, the GSEA analysis showed that the high expression of ACE2 was related to innate immune response, acquired immune response, B cell regulatory immunity and cytokine secretion, and enhanced the inflammatory response induced by IL-1, IL-10, IL-6, IL-8 cytokines. We speculated that the immune system dysfunction involved in the high expression of . CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[An Effective CTL Peptide Vaccine for Ebola Zaire Based on Survivors' CD8+ Targeting of a Particular Nucleocapsid Protein Epitope with Potential Implications for COVID-19 Vaccine Design](https://doi.org/doi.org/10.1101/2020.02.25.963546)
+Authors: Herst, C. V.; Burkholz, S.; Sidney, J.; Sette, A.; Harris, P. E.; Massey, S.; Brasel, T.; Cunha-Neto, E.; Rosa, D. S.; Chao, W. C. H.; Carback, R. T.; Hodge, T.; Wang, L.; Ciotlos, S.; Lloyd, P.; Rubsamen, R. M.
+Published: 2020-03-09 00:00:00
+Match (0.6938): **Most preventative vaccines are designed to elicit a humoral immune response, typically via the administration of whole protein from a pathogen. In contrast,**
+
+[Immunodepletion with Hypoxemia: A Potential High Risk Subtype of Coronavirus Disease 2019](https://doi.org/doi.org/10.1101/2020.03.03.20030650)
+Authors: Lilei Yu; Yongqing Tong; Gaigai Shen; Aisi Fu; Yanqiu Lai; Xiaoya Zhou; Yuan Yuan; Yuhong Wang; Yuchen Pan; Zhiyao Yu; Yan Li; Tiangang Liu; Hong Jiang
+Published: 2020-03-06 00:00:00
+Match (0.6535): **Host immune response is essential for the clearance of coronavirus infection, and the balance between coronavirus and host immunity is key to viral pathogenesis and will ultimately determine infection outcome 1 . Coronaviruses encode numerous viral gene products to evade and suppress host immune response, such as SARS-associated coronavirus nonstructural protein 1, which is able to inhibit host interferon-dependent antiviral signaling 2 , as well as another SARS coronavirus protein named open reading frame-9b, which can suppress mitochondria of immune cells 3 . Coronavirus suppressing host immunity has been demonstrated, however, the alterations of immune system in patients with COVID-2019 are not yet well understood.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.6392): **infections. The immunopathogenesis of hCoVs-induced respiratory distress syndrome may involve deranged interferon production, hyper-inflammatory response and cytokine storms, inefficient or delayed induction of neutralizing antibody and specific T cell responses [10, 11] .**
+
+[Breadth of concomitant immune responses underpinning viral clearance and patient recovery in a non-severe case of COVID-19](https://doi.org/doi.org/10.1101/2020.02.20.20025841)
+Authors: Irani Thevarajan; Thi HO Nguyen; Marios Koutsakos; Julian Druce; Leon Caly; Carolien E van de Sandt; Xiaoxiao Jia; Suellen Nicholson; Mike Catton; Benjamin Cowie; Steven Tong; Sharon Lewin; Katherine Kedzierska
+Published: 2020-02-23 00:00:00
+Match (0.6389): **Breadth of concomitant immune responses underpinning viral clearance and patient recovery in a non-severe case of COVID-19**
+
+# Effectiveness of movement control strategies to prevent secondary transmission in health care and community settings + +[Asymptomatic carrier state, acute respiratory disease, and pneumonia due to severe acute respiratory syndrome coronavirus 2 (SARSCoV-2): Facts and myths](https://doi.org/10.1016/j.jmii.2020.02.012)
+Authors: Lai, Chih-Cheng; Liu, Yen Hung; Wang, Cheng-Yi; Wang, Ya-Hui; Hsueh, Shun-Chung; Yen, Muh-Yen; Ko, Wen-Chien; Hsueh, Po-Ren
+Published: 2020-01-01 00:00:00
+Publication: Journal of Microbiology, Immunology and Infection
+Match (0.6529): **In this stage of lack of effective drugs, the implementation of infection control interventions and traffic control bundle to effectively limit droplet, contact, and fomite transmission is the only way to slow the spread of the SARS-CoV-2. These infection control interventions include early identification of cases and their contacts, avoiding close contact with people with airway symptoms, appropriate hand washing, and enhanced standard infection prevention, and control practices in the healthcare setting. 47, 48 Uncertain issues**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6310): **If and when local transmission begins in a particular location, a variety of community mitigation measures can be implemented by health authorities to reduce transmission and thus reduce the growth rate of an epidemic, reduce the height of the epidemic peak and the peak demand on healthcare services, as well as reduce the total number of infected persons [21] . A number of social distancing measures have already been implemented in Chinese cities in the past few weeks including school and workplace closures. It should now be an urgent priority to quantify the effects of these measures and specifically whether they can reduce the effective reproductive number below 1, because this will guide the response strategies in other locations. During the 1918/19 influenza pandemic, cities in the United States, which implemented the most aggressive and sustained community measures were the most successful ones in mitigating the impact of that pandemic [22] .**
+
+[A precision medicine approach to managing Wuhan Coronavirus pneumonia](https://doi.org/10.1093/pcmedi/pbaa002)
+Authors: Minjin Wang, Yanbing Zhou, Zhiyong Zong, Zongan Liang, Yu Cao, Hong Tang, Bin Song, Zixing Huang, Yan Kang, Ping Feng, Binwu Ying, Weimin Li
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.6278): **Standard nosocomial preventive control measures are in urgent need to block further spreading of the disease. The in-hospital preventive control measures should vary among patients, close contacts, and health care workers in precision medicine approach.**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.6184): **Transmission of 2019-nCoV probably occurs through spreading airborne and contact. Aerosol and fecal-oral transmission remain unclear [24] . Public health measures, including quarantining in the community as well as timely diagnosis and strict adherence to universal precautions in health care settings [29] , were critical in reducing the transmission of 2019-nCoV.**
+
+[Distribution of the COVID-19 epidemic and correlation with population emigration from wuhan, China](https://doi.org/10.1097/CM9.0000000000000782)
+Authors: Chen, Ze-Liang; Zhang, Qi; Lu, Yi; Guo, Zhong-Min; Zhang, Xi; Zhang, Wen-Jun; Guo, Cheng; Liao, Cong-Hui; Li, Qian-Lin; Han, Xiao-Hu; Lu, Jia-Hai
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5941): **Wuhan. However, with the progress of the epidemic, migrants are spreading the virus to other people and are becoming an important source of local community transmission. Therefore, it is necessary to strictly implement isolation and related control measures in accordance with the guidelines. Particularly, control measures must be taken to prevent the spread of diseases in communities, which is crucial to prevent a large-scale outbreak.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5862): **As of February 28, 2020 the COVID-19 outbreak has caused 78,961 confirmed cases (2791 deaths) across China, with the majority seen in Wuhan City, and 4691 cases (67 deaths) reported in the other 51 countries. 1 Further spread has occurred to all populated continents of the World, with many anticipating that a pandemic is approaching. 2, 3 As an emerging disease, effective pharmaceutical interventions are not expected to be available for months, 4 and healthcare resources will be limited for treating all cases. Nonpharmaceutical interventions (NPIs) are therefore essential components of the public health response to outbreaks. 1, [5] [6] [7] These include isolating ill persons, contact tracing, quarantine of exposed persons, travel restrictions, school and workplace closures, and cancellation of mass gathering events. [5] [6] [7] These containment measures aim to reduce transmission, thereby delaying the timing and reducing the size of the epidemic peak, buying time for preparations in the healthcare system, and enabling the potential for vaccines and drugs to be used later on. 5 For example, social distancing measures have been effective in past influenza epidemics by curbing human-to-human transmission and reducing morbidity and mortality. [8] [9] [10] Three major NPIs have been taken to mitigate the spread and reduce the outbreak size of COVID-19 across China. 11, 12 First, inter-city travel bans or restrictions have been taken to prevent further seeding the virus during the**
+
+[Estimation of the Transmission Risk of the 2019-nCoV and Its Implication for Public Health Interventions](https://doi.org/10.3390/jcm9020462)
+Authors: Tang, Biao; Wang, Xia; Li, Qian; Bragazzi, Nicola Luigi; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5717): **By inferring the effectiveness of intervention measures, including quarantine and isolation ( Figure 1B) , we estimated the required effectiveness of these interventions in order to prevent the outbreak. **
+
+[Time-varying transmission dynamics of Novel Coronavirus Pneumonia in China](https://doi.org/doi.org/10.1101/2020.01.25.919787)
+Authors: Liu, T.; Hu, J.; Xiao, J.; He, G.; Kang, M.; Rong, Z.; Lin, L.; Zhong, H.; Huang, Q.; Deng, A.; Zeng, W.; Tan, X.; Zeng, S.; Zhu, Z.; Li, J.; Gong, D.; Wan, D.; Chen, S.; Guo, L.; Li, Y.; Sun, L.; Liang, W.; Song, T.; He, J.; Ma, W.
+Published: 2020-02-13 00:00:00
+Match (0.5715): **Therefore, more efforts are needed to prevent the transmission in communities and other public places.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5593): **outbreak, but the efficacy of the different interventions varied, with the early case detection and contact reduction being the most effective. Moreover, deploying the NPIs early is also important to prevent further spread. Early and integrated NPI strategies should be prepared, adopted and adjusted to minimize health, social and economic impacts in affected regions around the World.**
+
+[Modeling the Comparative Impact of Individual Quarantine vs. Active Monitoring of Contacts for the Mitigation of COVID-19](https://doi.org/doi.org/10.1101/2020.03.05.20031088)
+Authors: Corey M Peak; Rebecca Kahn; Yonatan H Grad; Lauren M Childs; Ruoran Li; Marc Lipsitch; Caroline O Buckee
+Published: 2020-03-08 00:00:00
+Match (0.5546): **In a setting where the COVID-19 case count continues to grow, resources may be prioritized for scalable community interventions such as social distancing; however, close contacts such as family members of a patient may still undergo targeted interventions. In our modeling framework, social distancing functions synergistically by reducing the reproductive number of infected individuals in the community who are not in quarantine or isolation. If social distancing reduces the reproductive number to 1.25 (e.g., 50% of person-to-person contact is removed in a setting where , active monitoring of 50% of contacts can result in overall outbreak .5) R 0 = 2 control (ie, ) ( Figure 6 ). Tracing 10%, 50%, or 90% of contacts on top of social distancing R e < 1 resulted in a median reduction in of 3.2%, 15% and 33%, respectively, for active monitoring R e and 5.8%, 32%, and 66%, respectively, for individual quarantine.**
+
+# Effectiveness of personal protective equipment (PPE) and its usefulness to reduce risk of transmission in health care and community settings + +[First cases of coronavirus disease 2019 (COVID-19) in France: surveillance, investigations and control measures, January 2020](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000094)
+Authors: Bernard Stoecklin, Sibylle; Rolland, Patrick; Silue, Yassoungo; Mailles, Alexandra; Campese, Christine; Simondon, Anne; Mechain, Matthieu; Meurice, Laure; Nguyen, Mathieu; Bassi, Clément; Yamani, Estelle; Behillil, Sylvie; Ismael, Sophie; Nguyen, Duc; Malvy, Denis; Lescure, François Xavier; Georges, Scarlett; Lazarus, Clément; Tabaï, Anouk; Stempfelet, Morgane; Enouf, Vincent; Coignard, Bruno; Levy-Bruhl, Daniel
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.7562): **COVID-19: coronavirus disease 2019; PPE: personal protective equipment.**
+
+[First cases of coronavirus disease 2019 (COVID-19) in France: surveillance, investigations and control measures, January 2020](https://doi.org/10.2807/1560-7917.ES.2020.25.6.2000094)
+Authors: Stoecklin, Sibylle Bernard; Rolland, Patrick; Silue, Yassoungo; Mailles, Alexandra; Campese, Christine; Simondon, Anne; Mechain, Matthieu; Meurice, Laure; Nguyen, Mathieu; Bassi, Clément; Yamani, Estelle; Behillil, Sylvie; Ismael, Sophie; Nguyen, Duc; Malvy, Denis; Lescure, François Xavier; Georges, Scarlett; Lazarus, Clément; Tabaï, Anouk; Stempfelet, Morgane; Enouf, Vincent; Coignard, Bruno; Levy-Bruhl, Daniel; team, Investigation
+Published: 2020-01-01 00:00:00
+Publication: Eurosurveillance
+Match (0.7562): **COVID-19: coronavirus disease 2019; PPE: personal protective equipment.**
+
+[Facemask shortage and the coronavirus disease (COVID-19) outbreak: Reflection on public health measures](https://doi.org/doi.org/10.1101/2020.02.11.20020735)
+Authors: Huailiang Wu; Jian Huang; Casper JP Zhang; Zonglin He; Wai-kit Ming
+Published: 2020-02-12 00:00:00
+Match (0.7090): **The World Health Organization's (WHO) guidance on prevention and control of the COVID-19 outbreak recommends hand, and respiratory hygiene and the use of appropriate personal protective equipment for healthcare workers in practice and patients with suspected SARS-CoV-2 infection should be offered a medical mask 8 . Regarding the respiratory hygiene measures, facemask wearing is considered as one of the most cost-effective and important measures to prevent the transmission of SARS-CoV-2, but it became a social concern due to the recent global facemask shortage 9-12 .**
+
+[Novel coronavirus infection during the 2019–2020 epidemic: preparing intensive care units—the experience in Sichuan Province, China](https://doi.org/10.1007/s00134-020-05954-2)
+Authors: Liao, Xuelian; Wang, Bo; Kang, Yan
+Published: 2020-01-01 00:00:00
+Publication: Intensive Care Medicine
+Match (0.6632): **It is very important to make all staff aware of the public health significance of the epidemic, and of potential challenges in achieving disease control. Strict isolation and protection measures are a top priority. Training content Fig. 1 Early warning score and rules for 2019-nCoV infected patients. *CCRRT: Critical Care Rapid Response Team includes hand and respiratory hygiene, use of PPE, safe waste management, environmental cleaning, and sterilization of patient-care equipment [6] . We educate and train staff by means of presentations, short videos, WeChat, and supervision to ensure that staff are following the correct procedures.**
+
+[Breaking down of healthcare system: Mathematical modelling for controlling the novel coronavirus (2019-nCoV) outbreak in Wuhan, China](https://doi.org/doi.org/10.1101/2020.01.27.922443)
+Authors: Ming, W.-k.; Huang, J.; Zhang, C. J. P.
+Published: 2020-01-30 00:00:00
+Match (0.6490): **Operational issues associated with wearing disposable facemasks to maximise their preventive effectiveness should be also publicised and educated to the general public including correct ways of wearing facemask, hygiene practices across the procedure of mask wearing, disposal of used masks.**
+
+[2019 novel coronavirus of pneumonia in Wuhan, China: emerging attack and management strategies](http://dx.doi.org/10.1186/s40169-020-00271-z)
+Authors: She, Jun; Jiang, Jinjun; Ye, Ling; Hu, Lijuan; Bai, Chunxue; Song, Yuanlin
+Published: 2020-02-20 00:00:00
+Publication: Clin Transl Med
+Match (0.6152): **For healthcare personnel, to minimize the chance of exposures to 2019-nCoV needs to follow the standard of contact and airborne precautions, personal protection including gloves, gowns, respiratory protection, eye protection, and hand hygiene. Some procedures performed on 2019-nCoV infected patients could generate infectious aerosols, e.g., nasopharyngeal specimen collection, sputum induction, and open suctioning of airways should be performed cautiously. If performed, these procedures should take place in an airborne infection isolation room, and personnel should use respiratory and eye protection, and hand hygiene [30] . In addition, management of environmental infection control including laundry, food service utensils, and medical waste should also be performed. Artificial Intelligence (AI), alternative selection to reducing infection for medical personnel, should be explored (Joint developed by Respiratory Research Institution of Zhongshan Hospital, Fudan University and RealMax Ltd Co), which will be benefit for remote guidance of practices.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.6093): **At the individual level, surgical face masks have often been a particularly visible image from affected cities in China. Face masks are essential components of personal protective equipment in healthcare settings, and should be recommended for ill persons in the community or for those who care for ill persons. However, there is now a shortage of supply of masks in China and elsewhere, and debates are ongoing about their protective value for uninfected persons in the general community.**
+
+[Revisiting the dangers of the coronavirus in the ophthalmology practice](https://doi.org/10.1038/s41433-020-0790-7)
+Authors: Seah, Ivan; Su, Xinyi; Lingam, Gopal
+Published: 2020-01-01 00:00:00
+Publication: Eye
+Match (0.6013): **In view of the potential threat in the ophthalmology practice, it may be prudent to revisit the strategies that successfully curbed the transmission of SARS in 2003 [10] . With particular relevance to the ophthalmic practice, it may be beneficial to triage patients according to produced surveillance case definitions [11] . In 2003, the WHO launched a case classification scheme which triaged patients into general, suspect and probable categories. Ophthalmology practices in Hongkong, a country badly hit by SARS, recommended the full PPE for all cases regardless of SARS status. For suspect and probable cases, appointments were recommended to be deferred unless in the event of an ophthalmic emergency. These patients were seen in an isolation ward. An emphasis on hand hygiene measures and stocking up of PPE such as N95 masks, gloves, gowns and googles should also be considered while the mode of transmission is being identified. Decontamination and sterilisation protocols of clinical rooms and equipment should also be improved on as coronaviruses have been found to survive in environments outside the body for a long time [12] . For instance, it is still not established if higher concentrations of dilute bleach (1:10), a chemical used to sterilise the Goldmann applanation tonometer, can be utilised to eliminate coronaviruses [13] . Other shared equipment like the B-scan probe and contact lenses for photocoagulation will also need strict sterilisation protocols. Finally, the reduction of non-urgent ophthalmic operations should also be considered as the risk of viral transmission may outweigh the surgical benefits. For emergency operations, full PPE can be considered to reduce the probability of healthcare transmission.**
+
+[Transmission routes of 2019-nCoV and controls in dental practice](https://doi.org/10.1038/s41368-020-0075-9)
+Authors: Peng, Xian; Xu, Xin; Li, Yuqing; Cheng, Lei; Zhou, Xuedong; Ren, Biao
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Oral Science
+Match (0.5967): **Personal protective measures for the dental professionals At present, there is no specific guideline for the protection of dental professionals from 2019-nCoV infection in the dental clinics and hospitals. Although no dental professional has been reported to acquire 2019-nCoV infection to the date the paper was drafted, the last experience with the SARS coronavirus has shown vast numbers of acquired infection of medical professionals in hospital settings 57 . Since airborne droplet transmission of infection is considered as the main route of spread, particularly in dental clinics and hospitals, barrier-protection equipment, including protective eyewear, masks, gloves, caps, face shields, and protective outwear, is strongly recommended for all healthcare givers in the clinic/hospital settings during the epidemic period of 2019-nCoV.**
+
+[Proposal for prevention and control of the 2019 novel coronavirus disease in newborn infants](https://doi.org/10.1136/archdischild-2020-318996)
+Authors: Li, F.; Feng, Z. C.; Shi, Y.
+Published: 2020-01-01 00:00:00
+Publication: Archives of disease in childhood. Fetal and neonatal edition
+Match (0.5883): **After admission, the following prevention and control strategies should be adequately performed. Protective equipment including hats, goggles, long-sleeved protective suits, gloves and medical masks must be available for all medical staff. Minimal number of people in the isolated area and the necessary operation clusters are preferred. Avoid breast feeding from COVID-19 mother until recovery. Strict hand hygiene and disinfecting environment protocol are required.**
+
+# Role of the environment in transmission +[The role of absolute humidity on transmission rates of the COVID-19 outbreak](https://doi.org/doi.org/10.1101/2020.02.12.20022467)
+Authors: Wei Luo; Maimuna S Majumder; Dianbo Liu; Canelle Poirier; Kenneth D Mandl; Marc Lipsitch; Mauricio Santillana
+Published: 2020-02-17 00:00:00
+Match (0.6220): **In addition to population mobility and human-to-human contact, environmental factors can impact droplet transmission and survival of viruses (e.g., influenza) but have not yet been examined for this novel pathogen. Absolute humidity, defined as the water content in ambient air, has been found to be a strong environmental determinant of other viral transmissions (4, 5) . For example, influenza viruses survive longer on surfaces or in droplets in cold and dry air -increasing the likelihood of subsequent transmission. Thus, it is key to understand the effects of environmental factors on the ongoing outbreak to support decision-making pertaining to disease control. Especially in locations where the risk of transmission may have been underestimated, such as in humid and warmer locations.**
+
+[Closed environments facilitate secondary transmission of coronavirus disease 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.02.28.20029272)
+Authors:
+Published: 2020-03-03 00:00:00
+Match (0.6058): **Closed environments facilitate secondary transmission of coronavirus disease 2019 (COVID-19)**
+
+[Clinical Data on Hospital Environmental Hygiene Monitoring and Medical Staff Protection during the Coronavirus Disease 2019 Outbreak](https://doi.org/doi.org/10.1101/2020.02.25.20028043)
+Authors: Yanfang Jiang; Haifeng Wang; Yukun Chen; Jiaxue He; Liguo Chen; Yong Liu; Xinyuan Hu; Ang Li; Siwen Liu; Peng Zhang; Hongyan Zou; Shucheng Hua
+Published: 2020-02-27 00:00:00
+Match (0.5431): **The outbreak of COVID-19 in Wuhan in December 2019 has led to a serious public 69 health event [1] [2] [3] . Meanwhile, the outbreak of this novel virus has placed 70 unprecedented challenges on hospital environmental hygiene. The occurrence of 71 medical staff-associated infections is closely related to long-lived pathogens in the 72 hospital environment [4, 5] . Thus, it is crucial to assess hospital environmental hygiene 73 to understand the most important environmental issues for controlling the spread of 74 COVID-19 in hospitals. The Chinese government quickly adopted quarantine 75 measures for confirmed and suspected patients to restrain the spread of the 76 pandemic [6] . Comprehensive monitoring of hospital environmental hygiene during the 77 outbreak of the pandemic is conducive to the refinement of hospital infection control 78 [5, 7] . It also increases understanding of the environmental challenges corresponding to 79 the reemergence of COVID-19 or similar viruses. Therefore, it is of great significance 80 to ensure the safety of medical treatment and the quality of hospital infection control 81 through the monitoring of environmental hygiene. According to a report from the The environmental monitoring methods referenced the hospital sanitation standards 106 (GB15982-2012). All air was collected by two methods: natural sedimentation [9] and 107 . CC-BY-NC-ND 4.0 International license It is made available under a is the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[A new transmission route for the propagation of the SARS-CoV-2 coronavirus](https://doi.org/doi.org/10.1101/2020.02.14.20022939)
+Authors: Antoine Danchin; Tuen Wai Patrick Ng; Gabriel TURINICI
+Published: 2020-02-18 00:00:00
+Match (0.5404): **A secondary propagation route Due to the versatility of the virus, in addition to interfering with the immune response, contagion may involve a variety of causes, such as environments contaminated with virus carrier secretions, dirty water effluents, besides the expected direct contamination via aerosols. This makes that the oro-fecal route should be considered as an important complement of contact with the virus (recent information sustains this hypothesis 11 ).This was observed at the Amoy Gardens cluster of cases for SARS 12, 13 . This observation prompted us to include in our model, besides the major respiratory route, a secondary propagation route, which is not a direct human-to-human propagation but rather some indirect vector (or environment element) to/from human. A second important consequence of assuming the presence of an indirect route is that the selection pressure on virus mutants will differ considerably between lung tropism and gut tropism. Finally, there may be a difference in incubation time, the -gut tropism‖ version of the virus would possibly cause less fever 14 . This hypothesis is consistent with some propagation patterns, e.g. the first case in Macau, which was not detected at the border, implying that that the affected person did not have fever. We should note that this makes the disease considerably more dangerous in terms of propagation because carriers are, at least for some time "invisible" and display a risky behavior 15, 16 .**
+
+[The novel Coronavirus (SARS-CoV-2) is a one health issue](https://doi.org/10.1016/j.onehlt.2020.100123)
+Authors: Marty, Aileen Maria; Jones, Malcolm K.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.4688): **One Health approaches attempt to strategize the coordinated efforts of multiple overlapping disciplines [19] , including environmental surveillance and environmental health. Primary components of the approach lie in animal health and environmental aspects. At the time of writing, the host from which the SARS-CoV-2 entered the human population is unknown although the suspicion is that food markets are likely sources for the original spillover. While the search for the natural host highly implicates bats [21] , search for the intermediary host, if any, is ongoing with the suggestions of the pangolin as a host far from certain. While it is premature to implicate any one particular urban source or natural host, the ensuing search will give insight into pathogens with potential to cross over into human transmission. This approach of environmental surveillance forms part of the PREDICT strategy [20] for detecting viruses with potential for spillover into human.**
+
+[Potential Factors Influencing Repeated SARS Outbreaks in China](https://doi.org/10.3390/ijerph17051633)
+Authors: Sun, Zhong; Thilakavathy, Karuppiah; Kumar, S. S.; He, Guozhong; Liu, V. Shi
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Environmental Research and Public Health
+Match (0.4683): **This mini-review evaluated the common epidemiological patterns of both SARS epidemics in China and identified cold, dry winter as a common environmental condition conducive for SARS virus infection to human beings. Thus, meteorological information should be integrated into future forecast of potential outbreak of new SARS. The identification of bats as very likely natural hosts for SARS-CoVs and consideration of some other wild animals as potential intermediate hosts leads to a prevention requirement of protecting natural ecosystem and prohibiting consumption of wildlife. The presentation of different scenarios of SARS outbreaks points to some urgency in identifying the true origin(s) of SARS-CoVs and establishing more comprehensive anti-infection measures that will resist any kind of viral assault.**
+
+[Population movement, city closure and spatial transmission of the 2019-nCoV infection in China](https://doi.org/doi.org/10.1101/2020.02.04.20020339)
+Authors: Siqi Ai; Guanghu Zhu; Fei Tian; Huan Li; Yuan Gao; Yinglin Wu; Qiyong Liu; Hualiang Lin
+Published: 2020-02-05 00:00:00
+Match (0.4598): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.04.20020339 doi: medRxiv preprint play an important role in slowing the epidemic spread, especially when an effective 281 vaccine was developed (26, 27). In addition, to explore the impact of date selection, 282**
+
+[Potential Factors Influencing Repeated SARS Outbreaks in China](https://doi.org/10.3390/ijerph17051633)
+Authors: Sun, Zhong; Thilakavathy, Karuppiah; Kumar, S. S.; He, Guozhong; Liu, V. Shi
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Environmental Research and Public Health
+Match (0.4586): **SARS-CoV-2 has entered human communities, and eliminating virus from human bodies does not means its eradication in nature. The risk of SARS-CoV-2 infection will remain for a long time. Thus, adequate cautions must be taken for safe-guarding against future outbreaks of SARS. The prevention can be achieved by implementing a multi-facet system that considers both natural and social aspects of the SARS epidemiology discussed earlier. For example, regular surveillance of viral status in nature should be carried out to monitor the variation/evolution and abundance/localization of the virus. This information may be served as an early warning and used for preparation of potential vaccines. The government should issue laws and policies to tighten protection of wildlife and prohibit consumption of wild animals. A grass-roots and transparent reporting system should be established and put into public use for reporting any case of confirmed or suspected human infection. The disease-reporting system should be organically synchronized with the meteorological system so that adverse environmental conditions conducive for viral infection on human beings can be forecasted and macro-scale preparations can be made in case an emergency occurs. Finally, but not lastly, in developing human society including building massive constructions for residence and transportation, potential ecological impact on wildlife and possible consequences of breaking natural balance of the ecosystems should be carefully evaluated.**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.4571): **Scientific research is of vital importance for tackling emerging infectious diseases and developing effective intervention methods. The spread of infectious diseases is affected not only by the biological characteristics of the pathogen but also by various other factors such as politics, culture, economy, and the environment. Multidisciplinary research in biomedical, social, and environmental sciences is required to achieve a deeper understanding of disease transmission and develop more effective systems for emergency response.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.4543): **Chains of transmission have now been reported in a number of locations outside of mainland China. Within the coming days or weeks it will become clear whether sustained local transmission has been occurring in other cities outside of Hubei province in China, or in other countries. If sustained transmission does occur in other locations, it would be valuable to determine whether there is variation in transmissibility by location, for example because of different behaviours or control measures, or because of different environmental conditions. To address the latter, virus survival studies can be done in the laboratory to confirm whether there are preferred ranges of temperature or humidity for 2019-nCoV transmission to occur.**
+
diff --git a/tasks/transmission.txt b/tasks/transmission.txt new file mode 100644 index 0000000..76388d7 --- /dev/null +++ b/tasks/transmission.txt @@ -0,0 +1,14 @@ +Range of incubation periods for the disease in humans (and how this varies across age and health status) and how long individuals are contagious, even after recovery. +Prevalence of asymptomatic shedding and transmission (e.g., particularly children). +Seasonality of transmission. +Physical science of the coronavirus (e.g., charge distribution, adhesion to hydrophilic/phobic surfaces, environmental survival to inform decontamination efforts for affected areas and provide information about viral shedding). +Persistence and stability on a multitude of substrates and sources (e.g., nasal discharge, sputum, urine, fecal matter, blood). +Persistence of virus on surfaces of different materials (e,g., copper, stainless steel, plastic). +Natural history of the virus and shedding of it from an infected person +Implementation of diagnostics and products to improve clinical processes +Disease models, including animal models for infection, disease and transmission +Tools and studies to monitor phenotypic change and potential adaptation of the virus +Immune response and immunity +Effectiveness of movement control strategies to prevent secondary transmission in health care and community settings +Effectiveness of personal protective equipment (PPE) and its usefulness to reduce risk of transmission in health care and community settings +Role of the environment in transmission \ No newline at end of file diff --git a/tasks/vaccines.md b/tasks/vaccines.md new file mode 100644 index 0000000..208c641 --- /dev/null +++ b/tasks/vaccines.md @@ -0,0 +1,635 @@ +# Effectiveness of drugs being developed and tried to treat COVID-19 patients. + +[Potential inhibitors for 2019-nCoV coronavirus M protease from clinically approved medicines](https://doi.org/doi.org/10.1101/2020.01.29.924100)
+Authors: Liu, X.; Wang, X.-J.
+Published: 2020-01-29 00:00:00
+Match (0.6383): **To present, these are still no clinically approved antibodies or drugs specific for coronaviruses, which makes it more difficult for curing 2019-nCoV caused diseases and controlling the associated pandemic. With the hope to identify candidate drugs for 2019-nCoV, we adopted a computational approach to screen for available commercial medicines which may function as inhibitors for the M pro of 2019-nCoV.**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.6197): **Effective therapeutics and antivirals are urgently needed to decrease COVID-19 mortality. As specific therapies targeting 2019-nCoV are lacking, it may be useful to repurpose drugs already licensed for marketing or clinical trials to treat COVID-19 patients in an emergency response; researchers are actively working to identify such drugs. At the time of preparation of this manuscript, the Chinese Academy of Medical Sciences and the China-Japan Friendship Hospital had launched a multi-center, randomized, double-blind, placebocontrolled clinical trial in Wuhan to test the effectiveness of remdesivir as an antiviral drug against 2019-nCoV, [12, 13] and studies have already shown that chloroquine phosphate is an effective treatment for COVID-19. [14] Clinical trials are also underway to validate the effectiveness of various other licensed drugs against COVID-19.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.6033): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.6033): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Machine intelligence design of 2019-nCoV drugs](https://doi.org/doi.org/10.1101/2020.01.30.927889)
+Authors: Nguyen, D. D.; Gao, K.; Wang, R.; Wei, G.
+Published: 2020-02-04 00:00:00
+Match (0.5976): **The present work makes use of a recently developed generative network complex (GNC) 17 to explore potential protease inhibitors for curing 2019-nCoV. We generate anticoronaviral therapeutic candidates for 2019-nCoV and evaluate their druggable properties. We also examine the potential of repurposing HIV protease inhibitors, Aluvia and Norvir, for 2019-nCoV.**
+
+[The Author's Response: Case of the Index Patient Who Caused Tertiary Transmission of Coronavirus Disease 2019 in Korea: the Application of Lopinavir/Ritonavir for the Treatment of COVID-19 Pneumonia Monitored by Quantitative RT-PCR](https://doi.org/10.3346/jkms.2020.35.e89)
+Authors: Lim, Jaegyun; Jeon, Seunghyun; Shin, Hyun Young; Kim, Moon Jung; Seong, Yu Min; Lee, Wang Jun; Choe, Kang Won; Kang, Yu Min; Lee, Baeckseung; Park, Sang Joon
+Published: 2020-01-01 00:00:00
+Publication: J Korean Med Sci
+Match (0.5865): **Unfortunately, no drug or vaccine has yet been approved to treat coronavirus disease 2019 (COVID-19) . Favipiravir, ribavirin, remdesivir and galidesivir could be good candidates as potential antiviral agents for the treatment. 2 And many clinical trials on anti-HIV drugs, LPV/r and experimental antiviral agent, remdesevir are in the development process in China (http://clinicaltrials.gov/show/NCT04261907, http://clinicaltrials.gov/show/NCT04255017). 2 There are reports that remdesevir and antimalarial agent, chloroquine effectively inhibited SARS-CoV-2 in vitro. 3 If these clinical studies are successful, they can provide us with more efficient treatment options and suggest better choices for COVID-19 treatment in high-risk groups (elderly patients or patients with underlying diseases). **
+
+[The Author's Response: Case of the Index Patient Who Caused Tertiary Transmission of Coronavirus Disease 2019 in Korea: the Application of Lopinavir/Ritonavir for the Treatment of COVID-19 Pneumonia Monitored by Quantitative RT-PCR](https://doi.org/10.3346/jkms.2020.35.e89)
+Authors: Lim, Jaegyun; Jeon, Seunghyun; Shin, Hyun Young; Kim, Moon Jung; Seong, Yu Min; Lee, Wang Jun; Choe, Kang Won; Kang, Yu Min; Lee, Baeckseung; Park, Sang Joon
+Published: 2020-01-01 00:00:00
+Publication: J Korean Med Sci
+Match (0.5865): **Unfortunately, no drug or vaccine has yet been approved to treat coronavirus disease 2019 (COVID-19) . Favipiravir, ribavirin, remdesivir and galidesivir could be good candidates as potential antiviral agents for the treatment. 2 And many clinical trials on anti-HIV drugs, LPV/r and experimental antiviral agent, remdesevir are in the development process in China (http://clinicaltrials.gov/show/NCT04261907, http://clinicaltrials.gov/show/NCT04255017). 2 There are reports that remdesevir and antimalarial agent, chloroquine effectively inhibited SARS-CoV-2 in vitro. 3 If these clinical studies are successful, they can provide us with more efficient treatment options and suggest better choices for COVID-19 treatment in high-risk groups (elderly patients or patients with underlying diseases). **
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.5842): **The first strategy is to test existing broad-spectrum anti-virals 18 . Interferons, ribavirin, and cyclophilin inhibitors used to treat coronavirus pneumonia fall into this category. The advantages of these therapies are that their metabolic characteristics, dosages used, potential efficacy and side effects are clear as they have been approved for treating viral infections. But the disadvantage is that these therapies are too "broad-spectrum" and cannot kill coronaviruses in a targeted manner, and their side effects should not be underestimated. The second strategy is to use existing molecular databases to screen for molecules that may have therapeutic effect on coronavirus 19, 20 . High-throughput screening makes this strategy possible, and new functions of many drug molecules can be found through this strategy, for example, the discovery of anti-HIV infection drug lopinavir/ritonavir. The third strategy is directly based on the genomic information and pathological characteristics of different coronaviruses to develop new targeted drugs from scratch.**
+
+[Overview of The 2019 Novel Coronavirus (2019-nCoV): The Pathogen of Severe Specific Contagious Pneumonia (SSCP)](https://doi.org/10.1097/JCMA.0000000000000270)
+Authors: Wu, Yi-Chi; Chen, Ching-Sung; Chan, Yu-Jiun
+Published: 2020-01-01 00:00:00
+Publication: J Chin Med Assoc
+Match (0.5807): **1. Remdesivir: The experimental drug is a novel nucleotide analogue prodrug in development by Gilead Sciences, Inc. It is an unapproved antiviral drug being developed for Ebola and SARS. In a case report on the first case of 2019-nCoV in the United States administering remdesivir for compassionate use on day 11 after illness resulted in decreasing viral loads in nasopharyngeal and oropharyngeal samples and the patient's clinical condition improved. 9 However, randomized controlled trials are needed to determine the safety and efficacy of this drug for treatment of patients with 2019-nCoV infection. 2. Convalescent therapies (plasma from recovered COVID-19 patients): This strategy had been used to support passive immunization. Based on the studies from MERS, the therapeutic agents with potential benefits include convalescent plasma, interferon-beta/ribavirin combination therapy, and lopinavir. 19 However, there are no experience on COVID-19 and no randomized controlled clinical trials for this management at present. 3. Antiviral drugs: lopinavir/ritonavir and ribavirin had been tried to treat SARS disease with apparent favorable clinical response. 20 In vitro antiviral activity against SARS-associated coronavirus at 48 hours for lopinavir and ribavirin was demonstrated at concentrations of 4 and 50 µg/mL, respectively. A recent report found uncanny similarity of unique insertions in the 2019-nCoV spike protein to HIV-1 gp120 and Gag. 21 Will anti-HIV drugs affect the 2019-nCoV treatment outcome? Further randomized controlled trials in patients with COVID-19 are mandatory. 4. Vaccine: There is currently no vaccine available for preventing 2019-nCoV infection. The spike protein may serve as a vaccine candidate, but the effect to human requires further evaluation.**
+
+[The outbreak of COVID-19: An overview](https://doi.org/10.1097/jcma.0000000000000270)
+Authors: Wu, Y. C.; Chen, C. S.; Chan, Y. J.
+Published: 2020-01-01 00:00:00
+Publication: Journal of the Chinese Medical Association : JCMA
+Match (0.5807): **1. Remdesivir: The experimental drug is a novel nucleotide analogue prodrug in development by Gilead Sciences, Inc. It is an unapproved antiviral drug being developed for Ebola and SARS. In a case report on the first case of 2019-nCoV in the United States administering remdesivir for compassionate use on day 11 after illness resulted in decreasing viral loads in nasopharyngeal and oropharyngeal samples and the patient's clinical condition improved. 9 However, randomized controlled trials are needed to determine the safety and efficacy of this drug for treatment of patients with 2019-nCoV infection. 2. Convalescent therapies (plasma from recovered COVID-19 patients): This strategy had been used to support passive immunization. Based on the studies from MERS, the therapeutic agents with potential benefits include convalescent plasma, interferon-beta/ribavirin combination therapy, and lopinavir. 19 However, there are no experience on COVID-19 and no randomized controlled clinical trials for this management at present. 3. Antiviral drugs: lopinavir/ritonavir and ribavirin had been tried to treat SARS disease with apparent favorable clinical response. 20 In vitro antiviral activity against SARS-associated coronavirus at 48 hours for lopinavir and ribavirin was demonstrated at concentrations of 4 and 50 µg/mL, respectively. A recent report found uncanny similarity of unique insertions in the 2019-nCoV spike protein to HIV-1 gp120 and Gag. 21 Will anti-HIV drugs affect the 2019-nCoV treatment outcome? Further randomized controlled trials in patients with COVID-19 are mandatory. 4. Vaccine: There is currently no vaccine available for preventing 2019-nCoV infection. The spike protein may serve as a vaccine candidate, but the effect to human requires further evaluation.**
+
+# Clinical and bench trials to investigate less common viral inhibitors against COVID-19 such as naproxen, clarithromycin, and minocyclinethat that may exert effects on viral replication. + +[Discovery and development of safe-in-man broad-spectrum antiviral agents](https://doi.org/10.1016/j.ijid.2020.02.018)
+Authors: Andersen, Petter I.; Ianevski, Aleksandr; Lysvand, Hilde; Vitkauskiene, Astra; Oksenych, Valentyn; Bjørås, Magnar; Telling, Kaidi; Lutsar, Irja; Dampis, Uga; Irie, Yasuhiko; Tenson, Tanel; Kantele, Anu; Kainov, Denis E.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.7104): **In addition, BSAAs showed activity against a wide range of other medically important human pathogens, including fungi, protozoa and parasites (Table S1 ) (Montoya and Krysan, 2018) , pointing out that some pathogens utilize common mechanisms to infect hosts. Moreover, structure-activity relationship analysis of BSAAs suggest that some agents, such as doxycycline, artesunate, omeprazole, nitazoxanide, suramin, azithromycin, minocycline and chloroquine, could have novel antibacterial, antiprotozoal, antifungal or anthelmintic activities (Figure 4 ). If confirmed, this could lead to development of broad-spectrum anti-infective drugs.**
+
+[An updated estimation of the risk of transmission of the novel coronavirus (2019-nCov)](https://doi.org/10.1016/j.idm.2020.02.001)
+Authors: Tang, Biao; Bragazzi, Nicola Luigi; Li, Qian; Tang, Sanyi; Xiao, Yanni; Wu, Jianhong
+Published: 2020-01-01 00:00:00
+Publication: Infectious Disease Modelling
+Match (0.7053): **Currently, there exist no vaccines or anti-viral treatments officially approved for the prevention or management of the disease. Anti-retroviral drugs belonging to the class of protease inhibitors, including Lopinavir and Ritonavir, usually utilized for the treatment of HIV/AIDS patients, seem to exert anti-viral effects against coronaviruses. GS-734 (Remdesivir), a nucleotide analogue pro-drug, originally developed against the Ebola and the Marburg viruses, has been recently suggested to be effective also against coronaviruses. Other potential pharmaceuticals include nucleoside analogues, neuraminidase inhibitors, and RNA synthesis inhibitors. Also, Umifenovir (Abidol), used for treating severe influenza cases, anti-inflammatory drugs and EK1 peptide have been proposed as possible drugs against coronaviruses (Lu, 2020) .**
+
+[The Author's Response: Case of the Index Patient Who Caused Tertiary Transmission of Coronavirus Disease 2019 in Korea: the Application of Lopinavir/Ritonavir for the Treatment of COVID-19 Pneumonia Monitored by Quantitative RT-PCR](https://doi.org/10.3346/jkms.2020.35.e89)
+Authors: Lim, Jaegyun; Jeon, Seunghyun; Shin, Hyun Young; Kim, Moon Jung; Seong, Yu Min; Lee, Wang Jun; Choe, Kang Won; Kang, Yu Min; Lee, Baeckseung; Park, Sang Joon
+Published: 2020-01-01 00:00:00
+Publication: J Korean Med Sci
+Match (0.6704): **Unfortunately, no drug or vaccine has yet been approved to treat coronavirus disease 2019 (COVID-19) . Favipiravir, ribavirin, remdesivir and galidesivir could be good candidates as potential antiviral agents for the treatment. 2 And many clinical trials on anti-HIV drugs, LPV/r and experimental antiviral agent, remdesevir are in the development process in China (http://clinicaltrials.gov/show/NCT04261907, http://clinicaltrials.gov/show/NCT04255017). 2 There are reports that remdesevir and antimalarial agent, chloroquine effectively inhibited SARS-CoV-2 in vitro. 3 If these clinical studies are successful, they can provide us with more efficient treatment options and suggest better choices for COVID-19 treatment in high-risk groups (elderly patients or patients with underlying diseases). **
+
+[The Author's Response: Case of the Index Patient Who Caused Tertiary Transmission of Coronavirus Disease 2019 in Korea: the Application of Lopinavir/Ritonavir for the Treatment of COVID-19 Pneumonia Monitored by Quantitative RT-PCR](https://doi.org/10.3346/jkms.2020.35.e89)
+Authors: Lim, Jaegyun; Jeon, Seunghyun; Shin, Hyun Young; Kim, Moon Jung; Seong, Yu Min; Lee, Wang Jun; Choe, Kang Won; Kang, Yu Min; Lee, Baeckseung; Park, Sang Joon
+Published: 2020-01-01 00:00:00
+Publication: J Korean Med Sci
+Match (0.6704): **Unfortunately, no drug or vaccine has yet been approved to treat coronavirus disease 2019 (COVID-19) . Favipiravir, ribavirin, remdesivir and galidesivir could be good candidates as potential antiviral agents for the treatment. 2 And many clinical trials on anti-HIV drugs, LPV/r and experimental antiviral agent, remdesevir are in the development process in China (http://clinicaltrials.gov/show/NCT04261907, http://clinicaltrials.gov/show/NCT04255017). 2 There are reports that remdesevir and antimalarial agent, chloroquine effectively inhibited SARS-CoV-2 in vitro. 3 If these clinical studies are successful, they can provide us with more efficient treatment options and suggest better choices for COVID-19 treatment in high-risk groups (elderly patients or patients with underlying diseases). **
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.6700): **Many interferons from the three classes have been tested for their antiviral activities against SARS-CoV both in vitro and in animal models. Interferon β has consistently been shown to be the most active, followed by interferon α. The use of corticosteroids with interferon alfacon-1 (synthetic interferon α) appeared to have improved oxygenation and faster resolution of chest radiograph abnormalities in observational studies with untreated controls. Interferon has been used in multiple observational studies to treat SARS-CoV and MERS-CoV patients [116, 117] . Interferons, with or without ribavirin, and lopinavir/ritonavir are most likely to be beneficial and are being trialed in China for 2019-nCoV. This drug treatment appears to be the most advanced. Timing of treatment is likely an important factor in effectiveness. A combination of ribavirin and lopinavir/ritonavir was used as a post-exposure prophylaxis in health care workers and may have reduced the risk of infection. Ribavirin alone is unlikely to have substantial antiviral activities at clinically used dosages. Hence, ribavirin with or without corticosteroids and with lopinavir and ritonavir are among the combinations employed. This was the most common agent reported in the available literature. Its efficacy has been assessed in observational studies, retrospective case series, retrospective cohort study, a prospective observational study, a prospective cohort study and randomized controlled trial ranging from seven to 229 participants [117] . Lopinavir/ritonavir (Kaletra) was the earliest protease inhibitor combination introduced for the treatment of SARS-CoV. Its efficacy was documented in several studies, causing notably lower incidence of adverse outcomes than with ribavirin alone. Combined usage with ribavirin was also associated with lower incidence of acute respiratory distress syndrome, nosocomial infection and death, amongst other favorable outcomes. Recent in vitro studies have shown another HIV protease inhibitor, nelfinavir, to have antiviral capacity against SARS-CoV, although it has yet to show favorable outcomes in animal studies [118] . Remdesivir (Gilead Sciences, GS-5734) nucleoside analogue in vitro and in vivo data support GS-5734 development as a potential pan-coronavirus antiviral based on results against several coronaviruses (CoVs), including highly pathogenic CoVs and potentially emergent BatCoVs. The use of remdesivir may be a good candidate as an investigational treatment.**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.6680): **In terms of therapeutics there is no known effective pharmaceutical agent. There are over 200 registered clinical trials registered in China alone. Putative agents include antivirals; Griffithsin, a spike protein inhibitor, nucleoside analogues eg. remdesivir, ribavirin and protease inhibitors such as lopinavir/ritonavir. Immunomodulatory and other host targeted agents include interferon, chloroquine and immunoglobulins. Corticosteroids will potentially have benefit for immune mediated lung damage late in the course of disease [6] . Much of the theory stems from what we have learnt from limited trials in other corona viruses [7] .**
+
+[Q&A: The novel coronavirus outbreak causing COVID-19](https://doi.org/10.1186/s12916-020-01533-w)
+Authors: Heymann, Dale Fisher; David
+Published: 2020-01-01 00:00:00
+Publication: BMC Medicine
+Match (0.6680): **In terms of therapeutics there is no known effective pharmaceutical agent. There are over 200 registered clinical trials registered in China alone. Putative agents include antivirals; Griffithsin, a spike protein inhibitor, nucleoside analogues eg. remdesivir, ribavirin and protease inhibitors such as lopinavir/ritonavir. Immunomodulatory and other host targeted agents include interferon, chloroquine and immunoglobulins. Corticosteroids will potentially have benefit for immune mediated lung damage late in the course of disease [6] . Much of the theory stems from what we have learnt from limited trials in other corona viruses [7] .**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.6671): **Other therapeutic agents have also been reported. A known antimalarial agent, chloroquine, elicits antiviral effects against multiple viruses including HIV type 1, hepatitis B and HCoV-229E. Chloroquine is also immunomodulatory, capable of suppressing the production and release of factors which mediate the inflammatory complications of viral diseases (tumor necrosis factor and interleukin 6) [121] . It is postulated that chloroquine works by altering ACE2 glycosylation and endosomal pH. Its anti-inflammatory properties may be beneficial for the treatment of SARS. Niclosamide as a known drug used in antihelminthic treatment. The efficacy of niclosamide as an inhibitor of virus replication was proven in several assays. In both immunoblot analysis and immunofluorescence assays, niclosamide treatment was observed to completely inhibit viral antigen synthesis. Reduction of virus yield in infected cells was dose dependent. Niclosamide likely does not interfere in the early stages of virus attachment and entry into cells, nor does it function as a protease inhibitor. Mechanisms of niclosamide activity warrant further investigation [122] . Glycyrrhizin also reportedly inhibits virus adsorption and penetration in the early steps of virus replication. Glycyrrhizin was a significantly potent inhibitor with a low selectivity index when tested against several pathogenic flaviviruses. While preliminary results suggest production of nitrous oxide (which inhibits virus replication) through induction of nitrous oxide synthase, the mechanism of Glycyrrhizin against SARS-CoV remains unclear. The compound also has relatively lower toxicity compared to protease inhibitors like ribavirin [123] . Inhibitory activity was also detected in baicalin [124] , extracted from another herb used in the treatment of SARS in China and Hong Kong. Findings on these compounds are limited to in vitro studies [121] [122] [123] [124] .**
+
+[Discovery and development of safe-in-man broad-spectrum antiviral agents](https://doi.org/10.1016/j.ijid.2020.02.018)
+Authors: Andersen, Petter I.; Ianevski, Aleksandr; Lysvand, Hilde; Vitkauskiene, Astra; Oksenych, Valentyn; Bjørås, Magnar; Telling, Kaidi; Lutsar, Irja; Dampis, Uga; Irie, Yasuhiko; Tenson, Tanel; Kantele, Anu; Kainov, Denis E.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.6652): **Clinical trials are the most critical and time-consuming step of a drug candidates' journey to being approved ( Figure 2C ). However, safe-in-man BSAAs make this journey relatively short, because they have been already at phase 0, I and, sometime, at IIa of clinical trials as antibacterial, antiprotozoal, anticancer, etc. agent; i.e. they have been administered at sub-therapeutic doses to healthy volunteers to ensure the drugs are not harmful to the participants. Thus, safe-in-man BSAAs enter phase II and III, which assess the efficacy, effectiveness, safety and side effects of the drugs in clinic. It is important, however, to differentiate acute and chronic viral infections when repurposing BSAAs, given that drug concentrations and duration of the treatment could be different, and therefore, drug safety issues should be considered. **
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.6632): **In addition, TMPRSS2 was known to cut the Spike to trigger the infection of SARS-CoV and MERS-CoV. Studies have shown that inhibiting the enzyme activity of TMPRSS2 can prevent some coronaviruses from entering host cells 46 . As a possible target for anti-viral drug discovery, the virtual screen results (shown in Supporting excel files) predicted many anti-bacterial drugs (pivampicillin, hetacillin, cefoperazone and clindamycin) and anti-virus natural compounds (phyllaemblicin G7, neoandrographolide, kouitchenside I), etc. to be potential TMPRSS2 inhibitors.**
+
+# Methods evaluating potential complication of Antibody-Dependent Enhancement (ADE) in vaccine recipients. + +[Is COVID-19 Receiving ADE From Other Coronaviruses?](https://doi.org/10.1016/j.micinf.2020.02.006)
+Authors: Tetro, Jason A.
+Published: 2020-01-01 00:00:00
+Publication: Microbes and Infection
+Match (0.6294): **Is COVID-19 Receiving ADE From Other Coronaviruses?**
+
+[Crystal structure of SARS-CoV-2 nucleocapsid protein RNA binding domain reveals potential unique drug targeting sites](https://doi.org/doi.org/10.1101/2020.03.06.977876)
+Authors: Kang, S.; Yang, M.; Hong, Z.; Zhang, L.; Huang, Z.; Chen, X.; He, S.; Zhou, Z.; Zhou, Z.; Chen, Q.; Yan, Y.; Zhang, C.; Shan, H.; Chen, S.
+Published: 2020-03-11 00:00:00
+Match (0.5868): **Because mutant viruses in the S protein is prone to escape the targeted therapeutic with 55 different host-cell receptor binding patterns 4 , as well as antibody-dependent enhancement 56 (ADE) effects of S protein antibodies are found in MERS coronavirus 5 , there are several limitations 57 on targeting S protein for antiviral approaches. Antiviral protease inhibitors may nonspecifically 58 author/funder. All rights reserved. No reuse allowed without permission.**
+
+[The landscape of lung bronchoalveolar immune cells in COVID-19 revealed by single-cell RNA sequencing](https://doi.org/doi.org/10.1101/2020.02.23.20026690)
+Authors: Minfeng Liao; Yang Liu; Jin Yuan; Yanling Wen; Gang Xu; Juanjuan Zhao; Lin Chen; Jinxiu Li; Xin Wang; Fuxiang Wang; Lei Liu; Shuye Zhang; Zheng Zhang
+Published: 2020-02-26 00:00:00
+Match (0.5850): **Adaptive immune system is specific and memorizes the pathogens, including two arms, the antibody and T cell responses. Inducing adaptive immunity is also the aim of vaccination. SARS studies showed that binding and neutralizing antibodies are elicited in SARS-CoV infections, but their association with clinical outcomes is unclear [21] . Robust antibody responses were developed in severely infected SARS patients [22] . However, it is debated whether antibody-dependent enhancement played roles in disease exacerbation [23, 24] . Memory T cell responses are induced and maintained in SARS-CoV infected subjects [25] . T cell immunity was also confirmed to be necessary for resolving the viral infection in mouse models [26, 27] .**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.5598): **Most SARS-CoV and MERS-CoV vaccines developed thus far are based on the inactivated or live attenuated viruses, DNAs, proteins, nanoparticles, viral vectors, including viruslike particles (VLPs) (Zeng et al., 2004; Jiang et al., 2005; Liu et al., 2005; Du et al., 2009a Du et al., , 2016b Pimentel et al., 2009; Al-Amri et al., 2017) . Each vaccine type has different advantages and disadvantages. For instance, inactivated and liveattenuated virus-based vaccines are vaccine types developed using the most traditional approaches. Although they generally induce highly potent immune responses and/or protection, the possibility for incomplete inactivation of viruses or recovering virulence exists, resulting in significant safety concerns (Zhang et al., 2014) . Also, these traditional vaccines may induce the antibody-dependent enhancement (ADE) effect, as in the case of SARS-CoV infection (Luo et al., 2018b) . Similarly, some viral-vectored vaccines can elicit specific antibody and cellular immune responses with neutralizing activity and protection, but they might also induce anti-vector immunity or present preexisting immunity, causing some harmful immune responses. Instead, DNA and nanoparticle vaccines maintain strong safety profile; however, the immunogenicity of these vaccines is usually lower than that of virus-or viral vector-based vaccines, often requiring optimization of sequences, components, or immunization routes, inclusion of appropriate adjuvants, or application of combinational immunization approaches (Zhang et al., 2014) .**
+
+[Profiling the immune vulnerability landscape of the 2019 Novel Coronavirus](https://doi.org/doi.org/10.1101/2020.02.08.939553)
+Authors: Zhu, J.; Kim, J.; Xiao, X.; Wang, Y.; Luo, D.; Chen, R.; Xu, L.; Zhang, H.; Xiao, G.; Zhan, X.; Wang, T.; Xie, Y.
+Published: 2020-02-12 00:00:00
+Match (0.5368): **Scant works have reported on the immunological features of 2019-nCoV, which could have significant bearing on the mechanistic studies of viral life cycle. Such analyses could also inform anti-viral immuno-therapeutic development, which can be either T cell-based or B cell-based. Antibodies can neutralize viral infectivity in a number of ways, such as interference with binding to receptors, block uptake into cells, etc. For SARS-CoV, the human ACE-2 protein is the functional receptor, and anti-ACE2 antibody can block viral replication (7) . On the other hand, previous studies have indicated a crucial role of both CD8 + and CD4 + T cells in SARS-CoV clearance (8, 9) , while Janice Oh et al also observed that development of SARS-CoV specific neutralizing antibodies requires CD4 + T helper cells (8) . In fact, there are examples of vaccines for influenza that contain both antibody and T cell inducing components (10, 11) .**
+
+[Breadth of concomitant immune responses underpinning viral clearance and patient recovery in a non-severe case of COVID-19](https://doi.org/doi.org/10.1101/2020.02.20.20025841)
+Authors: Irani Thevarajan; Thi HO Nguyen; Marios Koutsakos; Julian Druce; Leon Caly; Carolien E van de Sandt; Xiaoxiao Jia; Suellen Nicholson; Mike Catton; Benjamin Cowie; Steven Tong; Sharon Lewin; Katherine Kedzierska
+Published: 2020-02-23 00:00:00
+Match (0.5275): **Breadth of concomitant immune responses underpinning viral clearance and patient recovery in a non-severe case of COVID-19**
+
+[SARS-CoV-2 and SARS-CoV Spike-RBD Structure and Receptor Binding Comparison and Potential Implications on Neutralizing Antibody and Vaccine Development](https://doi.org/doi.org/10.1101/2020.02.16.951723)
+Authors: Xie, L.; Sun, C.; Luo, C.; Zhang, Y.; Zhang, J.; Yang, J.; Chen, L.; Yang, J.; Li, J.
+Published: 2020-02-20 00:00:00
+Match (0.5149): **Neutralizing antibody (nAb) is expected to be one of the most promising treatments against coronavirus infection among the existing therapeutic options 20, 21 . Several nAbs targeting SARS-CoV exhibit significant in vivo antivirus activities by reducing virus titers in lung tissues of animal models [22] [23] [24] [25] [26] . However, coronavirus is a single-stranded RNA virus prone to rapid mutations during transmission, nAbs without cross-reactivity to a broad spectrum of viral mutants could lead to treatment failure 10, [27] [28] [29] , therefore, highly potent and cross-protective nAbs and prophylactic vaccines against SARS-CoV-2 are in urgent needs.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.5076): **Subunit vaccines are vaccines developed based on the synthetic peptides or recombinant proteins. Unlike inactivated or liveattenuated virus and some viral vectored vaccines, this vaccine type mainly contains specific viral antigenic fragments, but without including any components of infectious viruses, eliminating the concerns of incomplete inactivation, virulence recovery, or pre-existing immunity (Du et al., 2008; Deng et al., 2012) . Similar to DNA or VLP-based vaccines, subunit vaccines are generally safe without causing potential harmful immune responses, making them promising vaccine candidates. Moreover, subunit vaccines may target specific, well-defined neutralizing epitopes with improved immunogenicity and/or efficacy (Du et al., 2008; Zhang et al., 2014) .**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.5065): **To give some additional support to the potential of a receptorimmunoadhesin being a potential antiviral strategy, it should be noted that CD4-Fc or CD4-IgG was one of the early agents developed as a potential HIV medication 67 . The protein contained the first two domains of the CD4 receptor that are known to bind gp120 on the surface of infected HIV cells. CD4-IgG was shown to neutralize HIV in vitro, preventing infection. The protein was also safe when administered in patients, although only limited-to-mild clinical benefit was achieved 68,69 . Updated enhanced versions of CD4-IgG have been developed that additionally have a small peptide derived from the co-receptor, CCR5, enhancing affinity and giving even more potent neutralizing activity, essentially 100% of HIV isolates and making rhesus macaques resistant to multiple simian-human immunodeficiency virus challenges 70,71 . While HIV and 2019-nCoV are very different viruses, with different cell types, kinetics, and clinical courses, the previous results with HIV are encouraging that this could be a therapeutic strategy for 2019-nCoV. If anything, 2019-nCoV is likely more amenable to this neutralizing therapy given that the respiratory virus will only cause an acute infection, unlike HIV, which causes chronic infection in hosts with different cellular reservoirs.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.5065): **To give some additional support to the potential of a receptorimmunoadhesin being a potential antiviral strategy, it should be noted that CD4-Fc or CD4-IgG was one of the early agents developed as a potential HIV medication 67 . The protein contained the first two domains of the CD4 receptor that are known to bind gp120 on the surface of infected HIV cells. CD4-IgG was shown to neutralize HIV in vitro, preventing infection. The protein was also safe when administered in patients, although only limited-to-mild clinical benefit was achieved 68,69 . Updated enhanced versions of CD4-IgG have been developed that additionally have a small peptide derived from the co-receptor, CCR5, enhancing affinity and giving even more potent neutralizing activity, essentially 100% of HIV isolates and making rhesus macaques resistant to multiple simian-human immunodeficiency virus challenges 70,71 . While HIV and 2019-nCoV are very different viruses, with different cell types, kinetics, and clinical courses, the previous results with HIV are encouraging that this could be a therapeutic strategy for 2019-nCoV. If anything, 2019-nCoV is likely more amenable to this neutralizing therapy given that the respiratory virus will only cause an acute infection, unlike HIV, which causes chronic infection in hosts with different cellular reservoirs.**
+
+# Exploration of use of best animal models and their predictive value for a human vaccine. + +[Evaluating new evidence in the early dynamics of the novel coronavirus COVID-19 outbreak in Wuhan, China with real time domestic traffic and potential asymptomatic transmissions](https://doi.org/doi.org/10.1101/2020.02.15.20023440)
+Authors: Can Zhou
+Published: 2020-02-18 00:00:00
+Match (0.4930): **where ˆm h is the estimator from candidate model m. The major advantage of using the ensemble estimator is its ability to account for model uncertainty and obtain better predictive performance than any single constituent candidate model.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.4742): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[Utilize State Transition Matrix Model to Predict the Novel Corona Virus Infection Peak and Patient Distribution](https://doi.org/doi.org/10.1101/2020.02.16.20023614)
+Authors: Ke Wu; Junhua Zheng; Jian Chen
+Published: 2020-02-19 00:00:00
+Match (0.4693): **Pragmatic effectiveness trials are increasingly recognized as an essential component of medical evidence and good prediction models can help formulate scientific prevention and treatment programs 4, 5 .**
+
+[Potential T-cell and B-cell Epitopes of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.19.955484)
+Authors: Fast, E.; Chen, B.
+Published: 2020-02-21 00:00:00
+Match (0.4659): **Our pipeline provides a framework to identify strong epitope-based vaccine candidates-beyond 2019-nCoV-and might be applied against any unknown pathogens. Previous animal studies do show antigens with high MHC presentation scores are more likely to elicit strong T-cell responses, but the correlation between vaccine efficacy and T-cell responses is relatively weak [14, 46, 7] . When combined with future clinical data, our work can help the field untangle the relationship between antigen presentation scores and vaccine efficacy.**
+
+[Prediction of receptorome for human-infecting virome](https://doi.org/doi.org/10.1101/2020.02.27.967885)
+Authors: Zhang, Z.; Ye, S.; Wu, A.; Jiang, T.; Peng, Y.
+Published: 2020-02-28 00:00:00
+Match (0.4640): **More efforts are needed to improve the model. Thirdly, the RF model can not be used to identify receptors for a specific human-infecting virus. Instead, it predicts the receptorome for the human-infecting virome. Combining the RF model with the model of PPI predictions such as Lasso's work can help identify virus-receptor interactions.**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4631): **We employed an infectious disease dynamics model (SEIR model) for the purpose of modeling and predicting the number of COVID-19 cases in Wuhan, China. The model is a classic epidemic method to analyze the infectious disease, which has a definite latent period, and has proved to be predictive for a variety of acute infectious diseases in the past such as Ebola and SARS 22, [26] [27] [28] [29] [30] [31] . Application of the mathematical model is of great guiding significance to assess the impact of isolation of symptomatic cases as well as observation of asymptomatic contact cases and to promote evidence-based decisions and policy.**
+
+[Phase-adjusted estimation of the number of Coronavirus Disease 2019 cases in Wuhan, China](https://doi.org/10.1038/s41421-020-0148-0)
+Authors: Wang, Huwen; Wang, Zezhou; Dong, Yinqiao; Chang, Ruijie; Xu, Chen; Yu, Xiaoyue; Zhang, Shuxian; Tsamlag, Lhakpa; Shang, Meili; Huang, Jinyan; Wang, Ying; Xu, Gang; Shen, Tian; Zhang, Xinxin; Cai, Yong
+Published: 2020-01-01 00:00:00
+Publication: Cell Discovery
+Match (0.4631): **We employed an infectious disease dynamics model (SEIR model) for the purpose of modeling and predicting the number of COVID-19 cases in Wuhan, China. The model is a classic epidemic method to analyze the infectious disease, which has a definite latent period, and has proved to be predictive for a variety of acute infectious diseases in the past such as Ebola and SARS 22, [26] [27] [28] [29] [30] [31] . Application of the mathematical model is of great guiding significance to assess the impact of isolation of symptomatic cases as well as observation of asymptomatic contact cases and to promote evidence-based decisions and policy.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.4541): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Optimization Method for Forecasting Confirmed Cases of COVID-19 in China](https://doi.org/10.3390/jcm9030674)
+Authors: Al-Qaness, Mohammed A. A.; Ewees, Ahmed A.; Fan, Hong; Abd El Aziz, Mohamed
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4535): **Apply the testing set to the best ANFIS model.**
+
+[Statistics based predictions of coronavirus 2019-nCoV spreading in mainland China](https://doi.org/doi.org/10.1101/2020.02.12.20021931)
+Authors: Igor Nesteruk
+Published: 2020-02-13 00:00:00
+Match (0.4519): **Simple mathematical model was used to predict the characteristics of the epidemic caused by coronavirus 2019-nCoV in mainland China. The further research should focus on updating the predictions with the use of fresh data and using more complicated mathematical models.**
+
+# Capabilities to discover a therapeutic (not vaccine) for the disease, and clinical effectiveness studies to discover therapeutics, to include antiviral agents. + +[Discovery and development of safe-in-man broad-spectrum antiviral agents](https://doi.org/10.1016/j.ijid.2020.02.018)
+Authors: Andersen, Petter I.; Ianevski, Aleksandr; Lysvand, Hilde; Vitkauskiene, Astra; Oksenych, Valentyn; Bjørås, Magnar; Telling, Kaidi; Lutsar, Irja; Dampis, Uga; Irie, Yasuhiko; Tenson, Tanel; Kantele, Anu; Kainov, Denis E.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.7454): **Discovery and development of safe-in-man broad-spectrum antiviral agents**
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.7339): **The first strategy is to test existing broad-spectrum anti-virals 18 . Interferons, ribavirin, and cyclophilin inhibitors used to treat coronavirus pneumonia fall into this category. The advantages of these therapies are that their metabolic characteristics, dosages used, potential efficacy and side effects are clear as they have been approved for treating viral infections. But the disadvantage is that these therapies are too "broad-spectrum" and cannot kill coronaviruses in a targeted manner, and their side effects should not be underestimated. The second strategy is to use existing molecular databases to screen for molecules that may have therapeutic effect on coronavirus 19, 20 . High-throughput screening makes this strategy possible, and new functions of many drug molecules can be found through this strategy, for example, the discovery of anti-HIV infection drug lopinavir/ritonavir. The third strategy is directly based on the genomic information and pathological characteristics of different coronaviruses to develop new targeted drugs from scratch.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.7280): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.7280): **Repurposing currently available antiviral medications Ideal agents to fight 2019-nCoV would be approved small molecule drugs that could inhibit different aspects of the viral life cycle, ultimately inhibiting replication. Two classes of potential targets are viral polymerases 28 and protease inhibitors 29 , both of which are components of human immunodeficiency virus (HIV) and hepatitis C virus (HCV) antiviral regimens. Pilot clinical studies are already ensuing by desperate clinicians with various repurposed antiviral medicines. This has been done in every viral outbreak previously with limited success, outside of case reports 30 . Indeed, during the Ebola outbreak, none of the repurposed small molecule drugs were definitively shown to improve the clinical course across all patients 31 . The 2019-nCoV could be different, and there are initial positive reports that lopinavir and ritonavir, which are HIV protease inhibitors, have some clinical efficacy against 2019-nCoV, similar to prior studies using them against SARS 32 . Research should continue to be undertaken to screen other clinically available antivirals in cell culture models of 2019-nCoV, in hopes that a drug candidate would emerge useful against the virus that could be rapidly implemented in the clinic. One promising example could be remdesivir, which interferes with the viral polymerase and has shown efficacy against MERS in mouse models 33 . For further information, reviews of previous drug repurposing efforts for coronaviruses are provided 34,35 . Though these repurposed medications may hold promise, it is still reasonable to pursue novel, 2019-nCoV specific therapies to complement potential repurposed drug candidates.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.7074): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.7013): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods](https://doi.org/10.1016/j.apsb.2020.02.008)
+Authors: Wu, Canrong; Liu, Yang; Yang, Yueying; Zhang, Peng; Zhong, Wu; Wang, Yali; Wang, Qiqi; Xu, Yang; Li, Mingxue; Li, Xingzhou; Zheng, Mengzhu; Chen, Lixia; Li, Hua
+Published: 2020-01-01 00:00:00
+Publication: Acta Pharmaceutica Sinica B
+Match (0.6952): **Analysis of therapeutic targets for SARS-CoV-2 and discovery of potential drugs by computational methods**
+
+[Discovery and development of safe-in-man broad-spectrum antiviral agents](https://doi.org/10.1016/j.ijid.2020.02.018)
+Authors: Andersen, Petter I.; Ianevski, Aleksandr; Lysvand, Hilde; Vitkauskiene, Astra; Oksenych, Valentyn; Bjørås, Magnar; Telling, Kaidi; Lutsar, Irja; Dampis, Uga; Irie, Yasuhiko; Tenson, Tanel; Kantele, Anu; Kainov, Denis E.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.6946): **Here, we detail the steps of BSAA repurposing, from discovery of novel antiviral activities in cell culture to post-market studies. Moreover, we summarized currently available information on BSAAs in freely available database, focusing on those antivirals, which have been already tested in human as antivirals, antibacterials, antiprotozoals, anthelmintics, etc. Finally, we discuss future perspectives of using safe-in-man BSAAs for treatment of emerging and re-emerging viral infections as well as viral and bacterial co-infections.**
+
+[Potential inhibitors for 2019-nCoV coronavirus M protease from clinically approved medicines](https://doi.org/doi.org/10.1101/2020.01.29.924100)
+Authors: Liu, X.; Wang, X.-J.
+Published: 2020-01-29 00:00:00
+Match (0.6919): **To present, these are still no clinically approved antibodies or drugs specific for coronaviruses, which makes it more difficult for curing 2019-nCoV caused diseases and controlling the associated pandemic. With the hope to identify candidate drugs for 2019-nCoV, we adopted a computational approach to screen for available commercial medicines which may function as inhibitors for the M pro of 2019-nCoV.**
+
+[Crystal structure of SARS-CoV-2 nucleocapsid protein RNA binding domain reveals potential unique drug targeting sites](https://doi.org/doi.org/10.1101/2020.03.06.977876)
+Authors: Kang, S.; Yang, M.; Hong, Z.; Zhang, L.; Huang, Z.; Chen, X.; He, S.; Zhou, Z.; Zhou, Z.; Chen, Q.; Yan, Y.; Zhang, C.; Shan, H.; Chen, S.
+Published: 2020-03-11 00:00:00
+Match (0.6894): **Structure-based drug discovery has been shown to be an advance approach for the 231 development of new therapeutics. Many ongoing studies are developed to treat COVID-19 232 author/funder. All rights reserved. No reuse allowed without permission.**
+
+# Alternative models to aid decision makers in determining how to prioritize and distribute scarce, newly proven therapeutics as production ramps up. This could include identifying approaches for expanding production capacity to ensure equitable and timely distribution to populations in need. + +[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.6876): **In summary, strategies based on scientific evidence will be essential to curb the spread of the ongoing COVID-19 epidemic. As next steps, obtaining a comprehensive understanding of the epidemiological and clinical properties of the disease is critical for policy and decision making. We must also take full advantage of existing knowledge and experience to improve the diagnosis, treatment, prevention, and control of the disease and accelerate the development of drugs and vaccines to save lives.**
+
+[Estimated effectiveness of traveller screening to prevent international spread of 2019 novel coronavirus (2019-nCoV)](https://doi.org/doi.org/10.1101/2020.01.28.20019224)
+Authors: Katelyn Gostic; Ana C. R. Gomez; Riley O. Mummah; Adam J. Kucharski; James O. Lloyd-Smith
+Published: 2020-01-30 00:00:00
+Match (0.6858): **Our analysis underscores the reality that respiratory viruses are difficult to detect by travel 359 screening programs, particularly if a substantial fraction of infected people show mild or 360 indistinct symptoms, and if incubation periods are long. Quantitative estimates of screening 361 effectiveness will improve as more is learned about this recently-emerged virus, and will vary 362 with the precise design of screening programs. However, we present a robust qualitative finding: 363 in any situation where there is widespread epidemic transmission in source populations from 364 which travellers are drawn, travel screening programs can slow but not stop the importation of 365 infected cases. By decomposing the factors leading to success or failure of screening efforts, 366 our work supports decision-making about program design, and highlights key questions for 367 further research. We hope that these insights may help to mitigate the global impacts of nCoV 368 by guiding effective decision-making in both high-and low-resource countries, and may 369 contribute to prospective improvements in travel screening policy for future emerging infections. 370 371 . CC-BY-NC 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.6749): **Opening this CTI Special Feature, I outline ways these issues may be solved by creatively leveraging the so-called 'strengths' of viruses. Viral RNA polymerisation and reverse transcription enable resistance to treatment by conferring extraordinary genetic diversity. However, these exact processes ultimately restrict viral infectivity by strongly limiting virus genome sizes and their incorporation of new information. I coin this evolutionary dilemma the 'information economy paradox'. Many viruses attempt to resolve this by manipulating multifunctional or multitasking host cell proteins (MMHPs), thereby maximising host subversion and viral infectivity at minimal informational cost. 4 I argue this exposes an 'Achilles Heel' that may be safely targeted via host-oriented therapies to impose devastating informational and fitness barriers on escape mutant selection. Furthermore, since MMHPs are often conserved targets within and between virus families, MMHP-targeting therapies may exhibit both robust and broadspectrum antiviral efficacy. Achieving this through drug repurposing will break the vicious cycle of escalating therapeutic development costs and trivial escape mutant selection, both quickly and in multiple places. I also discuss alternative posttranslational and RNA-based antiviral approaches, designer vaccines, immunotherapy and the emerging field of neo-virology. 4 I anticipate international efforts in these areas over the coming decade will enable the tapping of useful new biological functions and processes, methods for controlling infection, and the deployment of symbiotic or subclinical viruses in new therapies and biotechnologies that are so crucially needed.**
+
+[Vorpal: A Novel RNA Virus Feature-Extraction Algorithm Demonstrated Through Interpretable Genotype-to-Phenotype Linear Models](https://doi.org/doi.org/10.1101/2020.02.28.969782)
+Authors: Davis, P.; Bagnoli, J.; Yarmosh, D.; Shteyman, A.; Presser, L.; Altmann, S.; Bradrick, S.; Russell, J. A.
+Published: 2020-03-02 00:00:00
+Match (0.6725): **ambiguous. Controversy about the value of such a project has been described 29 and this thinking 470 has been reflected in policymakers' decision to end funding to USAID Predict. If recent 471 estimates of mammalian viral diversity hold true 30 , then marginal increases in monitoring 472 infrastructure combined with new and developing analysis methods, such as Vorpal, might 473 finally deliver the long sought preemptive strategies for emergent diseases, and enable us to 474 more effectively battle those from which we are already suffering. 475 476**
+
+[Estimated effectiveness of symptom and risk screening to prevent the spread of COVID-19](http://dx.doi.org/10.7554/eLife.55570)
+Authors: Gostic, Katelyn; Gomez, Ana CR; Mummah, Riley O; Kucharski, Adam J; Lloyd-Smith, James O
+Publication: eLife.; 9:e55570
+Match (0.6683): **Our analysis underscores the reality that respiratory viruses are difficult to detect by symptom and risk screening programs, particularly if a substantial fraction of infected people show mild or indistinct symptoms, if incubation periods are long, and if transmission is possible before the onset of symptoms. Quantitative estimates of screening effectiveness for COVID-19 will improve as more is learned about this recently-emerged virus, and will vary with the precise design of screening programs. However, we present a robust qualitative finding: in any situation where there is widespread epidemic transmission in source populations from which travellers are drawn, travel screening programs can slow (marginally) but not stop the importation of infected cases. Screening programs implemented in other settings will face the same challenges. By decomposing the factors leading to success or failure of screening efforts, our work supports decision-making about program design, and highlights key questions for further research. We hope that these insights may help to mitigate the global impacts of COVID-19 by guiding effective decision-making in both high-and low-resource countries, and may contribute to prospective improvements in screening policy for future emerging infections.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6612): **The above impacts demonstrate that the issues of virus outbreaks transcend urban safety and impacts upon all other facets of our urban fabric. Therefore, it becomes paramount to ensure that the measures taken to contain a virus transcend nationalist agendas where data and information sharing is normally restricted, to a more global agenda where humanity and global order are encouraged. With such an approach, it would be easier to share urban health data across geographies to better monitor emerging health threats in order to provide more economic stability, thereby ensuring no disruptions on such sectors like tourism and travel industries, amongst others. This is possible by ensuring collaborative, proactive measures to control outbreak spread and thus, human movements. This would remove fears on travelers, and would have positive impacts upon the tourism industry, that has been seen to bear the economic brunt whenever such outbreaks occur. This can be achieved by ensuring that protocols on data sharing are calibrated to remove all hurdles pertaining to sharing of information. On this, Lawpoolsri et al. [31] posits that such issues, like transparency, timelessness of sharing and access and quality of data, should be upheld so that continuous monitoring and assessment can be pursued.**
+
+[A model simulation study on effects of intervention measures in Wuhan COVID-19 epidemic](https://doi.org/doi.org/10.1101/2020.02.14.20023168)
+Authors: Guopeng ZHOU; Chunhua CHI
+Published: 2020-02-18 00:00:00
+Match (0.6557): **With all these intervention measures undertaken, and maybe more on the way, proper tools are need anticipate possible effects on epidemic control and to provide reliable information to support future decisions. Simulation also can help people understand how infectious disease spread and how to understand the purpose and consequences of various efforts.**
+
+[The coronavirus outbreak: the central role of primary care in emergency preparedness and response](https://doi.org/10.3399/bjgpopen20X101041)
+Authors: Dunlop, C.; Howe, A.; Li, D.; Allen, L. N.
+Published: 2020-01-01 00:00:00
+Publication: BJGP open
+Match (0.6553): **Despite current reassurances about the severity of 2019-nCoV, it will be incredibly difficult to further contain the cross-border spread of the virus due to the sheer volume of global travel. It will be necessary to coordinate a unified, global response across many differing geopolitical boundaries, political settings, cultures, and health system contexts. The fact that incubating cases may have left Wuhan before the quarantine began complicates matters further, as does the emerging possibility that some carriers may be asymptomatic. WHO has asked all countries to prepare for cases including through surveillance, tracing, treatment and isolation practices, and by sharing data. 4 The resources needed to do this effectively may not be routinely available, however, particularly in low-resource settings.**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.6531): **The current state of much of the Wuhan pneumonia virus (COVID-19) research shows a regrettable lack of data sharing and considerable analytical obfuscation. This impedes global research cooperation, which is essential for tackling public health emergencies, and requires unimpeded access to data, analysis tools, and computational infrastructure. Here we show that community efforts in developing open analytical software tools over the past ten years, combined with national investments into scientific computational infrastructure, can overcome these deficiencies and provide an accessible platform for tackling global health emergencies in an open and transparent manner. Specifically, we use all COVID-19 genomic data available in the public domain so far to (1) underscore the importance of access to raw data and to (2) demonstrate that existing community efforts in curation and deployment of biomedical software can reliably support rapid, reproducible research during global health crises. All our analyses are fully documented at https://github.com/galaxyproject/SARS-CoV-2.**
+
+[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](https://doi.org/10.3390/healthcare8010046)
+Authors: Allam, Zaheer; Jones, David S.
+Published: 2020-01-01 00:00:00
+Publication: Healthcare
+Match (0.6489): **Beyond the aspect of pandemic preparedness and response, the case of COVID-19 virus and its spread provide a fascinating case study for the thematics of urban health. Here, as technological tools and laboratories around the world share data and collectively work to devise tools and cures, similar efforts should be considered between smart city professionals on how collaborative strategies could allow for the maximization of public safety on such and similar scenarios. This is valid as smart cities host a rich array of technological products [6, 7] that can assist in early detection of outbreaks; either through thermal cameras or Internet of Things (IoT) sensors, and early discussions could render efforts towards better management of similar situations in case of future potential outbreaks, and to improve the health fabric of cities generally. While thermal cameras are not sufficient on their own for the detection of pandemics -like the case of the COVID-19, the integration of such products with artificial intelligence (AI) can provide added benefits. The fact that initial screenings of temperature is being pursued for the case of the COVID-19 at airports and in areas of mass convergence is a testament to its potential in an automated fashion. Kamel Boulos et al. [8] supports that data from various technological products can help enrich health databases, provide more accurate, efficient, comprehensive and real-time information on outbreaks and their dispersal, thus aiding in the provision of better urban fabric risk management decisions.**
+
+# Efforts targeted at a universal coronavirus vaccine. + +[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.6522): **Currently, the newly identified 2019-nCoV is spreading to infect people, resulting in significant global concerns. It is critical to rapidly design and develop effective vaccines to prevent infection of this new coronavirus. Since S protein and its fragments, such as RBD, of SARS-CoV, and MERS-CoV are prime targets for developing subunit vaccines against these two highly pathogenic human CoVs, it is expected that similar regions of 2019-nCoV can also be used as key targets for developing vaccines against this new coronavirus (Jiang et al., 2020) . Similarly, other regions of 2019-nCoV, including S1 and S2 subunits of S protein and N protein, can be applied as alternative targets for vaccine development. Taken together, the approaches and strategies in the development of subunit vaccines against SARS and MERS described in this review will provide important information for the rapid design and development of safe and effective subunit vaccines against 2019-nCoV infection.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.6127): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.6102): **The SARS-CoV-2 has caused one of the deadliest outbreaks in the recent times. Prevention of the newly emerging infection is very challenging as well as mandatory. The potentiality of in silico methods can be exploited to find desired solutions with fewer trials and errors and thus saving both time and costs of the scientists. In this study, potential subunit vaccines were designed against the SARS-CoV-2 using various methods of reverse vaccinology and immunoinformatics. To design the vaccines, the highly antigenic viral proteins as well as epitopes were used. Various computational studies of the suggested vaccine constructs revealed that these vaccines might confer good immunogenic response. For this reason, if satisfactory results are achieved in various in vivo and in vitro tests and trials, these suggested vaccine constructs might be used effectively for vaccination to prevent the coronavirus infection and spreading. Therefore, our present study should help the scientists to develop potential vaccines and therapeutics against the Wuhan Novel Coronavirus 2019. Authors declare no conflict of interest regarding the publication of the manuscript.**
+
+[Preliminary identification of potential vaccine targets for the COVID-19 coronavirus (SARS-CoV-2) based on SARS-CoV immunological studies](https://doi.org/doi.org/10.1101/2020.02.03.933226)
+Authors: Ahmed, S. F.; Quadeer, A. A.; McKay, M. R.
+Published: 2020-02-12 00:00:00
+Match (0.6052): **Further experimental studies (T cell and B cell assays) are required to determine the potential of the identified epitopes to induce a positive immune response against SARS-CoV-2. This would help to further refine the reported epitope set, based on observed immunogenicity; an important consideration for immunogen design. Overall, as the identified set of epitopes map identically to SARS-CoV-2, they present potentially useful candidates for guiding experimental efforts towards developing universal vaccines against SARS-CoV-2.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.6029): **Vaccines provide protection from viral pathogens prior to exposure by eliciting protective immune memory with an innocuous agent. The development of neutralizing antibodies from a vaccine remains one of the hallmarks of effective vaccines although vaccines All protein sequences used for tree generation were obtained from the National Center for Biotechnology Information (NCBI) and annotated by accession number. Protein sequences were then aligned using the ClustalW algorithm, and the tree was constructed with MEGA X by the neighbor-joining (NJ) method using 1,000 bootstraps. The solid black circle indicates the novel Wuhan pneumonia virus, and the solid black triangle indicates SARS coronavirus Shanghai and human coronaviruses HKU1, NL63, 229E, and OC43. The novel Wuhan coronavirus envelope protein shows high identity with Bat SARSlike coronavirus. that induce cell-mediated immunity have also shown potential and are in development for viral pathogens such as influenza viruses. Several vaccine platforms exist with the ability to induce protective responses: killed whole virus vaccines; split-virion vaccines; subunit vaccines; live-attenuated viral vaccines; viruslike particle vaccines; nanoparticle vaccines; and nucleic acid vaccines (DNA and RNA). In regard to choosing a vaccine target and platform, the vaccine candidate must be immunogenic and immune targeting must lead to virus neutralization or potent cytotoxic responses. To date, there is not a licenced vaccine for either SARS-CoV or MERS-CoV although clinical trials have been initiated for MERS-CoV vaccines. Much of the focus for the development of a SARS-CoV or MERS-CoV vaccine has been on the S protein since it is immunogenic and antibodies targeting it can neutralize the virus [59, 60] . Our analysis of the S protein ( Figure 2 ) suggests that it has potential for vaccine development which can be related to work previously done for SARS-CoV and MERS-CoV.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.6011): **Despite recent efforts in basic and translational influenza and coronavirus research, there is still no vaccine against coronaviruses for use in humans (this includes SARS and MERS) [16] [17] [18] [19] . In addition, there is yet no universal influenza vaccine available against all influenza virus subtypes and hence seasonal influenza vaccines have to be updated annually and that vaccines for pandemic preparedness are a challenge [20] [21] [22] [23] [24] [25] . The lack of preventive vaccines for clinical use in humans against such viruses makes emerging influenza and coronaviruses a serious global threat.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.5862): **It is critical to rapidly identify immune epitopes. The S protein is of crucial in the fuse and entry of virus into host cells [1] , therefore it is a primary target for neutralizing antibodies. The specificity of epitopebased vaccines can be enhanced by selecting parts of S protein exposed on the surface [28] . Medical biotechnology is important in developing vaccines against SARS-CoV-2. However, computer-based immune-informatics can improve time and economic effectiveness, as a result, it is also an essential method in immunogenic analysis and vaccine development.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.5781): **The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19**
+
+[Design of multi epitope-based peptide vaccine against E protein of human COVID-19: An immunoinformatics approach](https://doi.org/doi.org/10.1101/2020.02.04.934232)
+Authors: Abdelmageed, M. I.; Abdelmoneim, A. H.; Mustafa, M. I.; Elfadol, N. M.; Murshed, N. S.; Shantier, S. W.; Makhawi, A. M.
+Published: 2020-03-02 00:00:00
+Match (0.5754): **Designing of a novel vaccine is very crucial to defending the rapid endless of global burden of disease [56] [57] [58] [59] . In the last few decades, biotechnology has advanced rapidly; alongside with the understanding of immunology which assisted the rise of new approaches towards rational vaccines design [60] . Peptide-based vaccines are designed to elicit immunity particular pathogens by selectively stimulating antigen specific for B and T cells [61] .Applying the advanced bioinformatics tools and databases, various peptide-based vaccines could be designed where the peptides act as ligands [62] [63] [64] . This approach has been used frequently in Saint Louis encephalitis virus [65] , dengue virus [66] , chikungunya virus [67] proposing promising peptides for designing vaccines.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.5650): **Reverse vaccinology refers to the process of developing vaccines where the novel antigens of a virus or microorganism or organism are detected by analyzing the genomic and genetic information of that particular virus or organism. In reverse vaccinology, the tools of bioinformatics are used for identifying and analyzing these novel antigens. These tools are used to dissect the genome and genetic makeup of a pathogen for developing a potential vaccine. Reverse vaccinology approach of vaccine development also allows the scientists to easily understand the antigenic segments of a virus or pathogen that should be given more emphasis during the vaccine development. This method is a quick, cheap, efficient, easy and cost-effective way to design vaccine. Reverse vaccinology has successfully been used for developing vaccines to fight against many viruses i.e., the Zika virus, Chikungunya virus etc. [ **
+
+# Efforts to develop animal models and standardize challenge studies + +[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5307): **Meanwhile, researchers are also assessing the effectiveness of treatment with serum samples from recovering patients. The development of neutralizing antibodies is underway, and efforts are also being made to develop a vaccine.**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5174): **It is beyond the scope of this communication to discuss the various technical challenges inherent in developing a safe and efficacious vaccine for coronavirus infections in humans. There are clearly challenges to this endeavor-protective antibodies to coronaviruses are not long-lasting, tissue damage has been reported to occur as a result of exposure to SARS-CoV, development of animal models that closely resemble human infection are limited, and the extensive time and expense necessary to perform clinical trials in humans, to name a few [66] [67] [68] .**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5051): **Establishing an animal model of infection and disease pathogenesis is imperative for understanding several essential elements of viral disease in the infected host, including host tropism, immune responses, and modes of transmission, as well as for the progression of therapeutic development. Having an animal model that can recapitulate human disease is essential for vaccine and therapeutic development as well as testing. For a potential animal model to be susceptible to infection, the virus must be able to 1.) gain entry into host cells; 2.) overcome the host's antiviral responses; and 3.) disseminate virus following infection to allow infection of other neighbouring cells and tissues. It is also of importance for the model to be able to recapitulate human disease and viral transmission modes. When evaluating the ability of an animal to be infected by a virus and serve as a model, viral shedding, clinical disease, and seroconversion should be determined. The past animal models for SARS-CoV and MERS-CoV were not universal due to the expression of the virus-specific cellular receptors for entry [63] . As SARS-CoV and MERS-CoV do not share a cellular receptor, they do not share the same host range and susceptibility, which includes research animal models [64] . Cynomolgus macaques, ferrets, and cats were some of the first animals to be determined susceptible to SARS-CoV [65, 66] . The advantage of ferrets is that they are a smaller animal compared to non-human primates and also are able to recapitulate some of the clinical symptoms and transmission kinetics of human respiratory viruses including coughing, sneezing, fever, and weight loss [67] . Although mice can be infected with SARS-CoV, as shown by recovery of vRNA and the elicitation of neutralizing antibodies, infection does not cause severe disease [68] . However, SARS-CoV could be passaged in mice (15 times) for the establishment of a model with clinical features [69] . After the identification of MERS-CoV, it was quickly determined that typical research animal models were not susceptible to the virus including mice, Syrian hamsters, and ferrets. Larger non-human primate models, such as Rhesus macaques and common marmoset were determined susceptible. To make use of small animal models, transgenic mice have been engineered for MERS-CoV susceptibility through expression of the human DPP4 receptor [70] . Other attempts at other mouse model developments were not successful, including an immunocompromised 129/SATA1-/-1 mouse [63] . Having an understanding of the animal models and model development previously utilized for the other coronaviruses of interest will aid in the development of a model for 2019-nCoV. As is necessary, elucidation of the receptor will help guide in development, and creating a clinical picture of the acute symptoms in humans will be essential for vaccine and antiviral evaluation.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.5039): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[Puzzle of highly pathogenic human coronaviruses (2019-nCoV)](https://doi.org/10.1007/s13238-020-00693-y)
+Authors: Li, Jing; Liu, Wenjun
+Published: 2020-01-01 00:00:00
+Publication: Protein Cell
+Match (0.4772): **At the heart of vaccine development is the question of immunology and it is crucial to understand the immunological questions associated with viral infections. The clinical characteristics and treatment of 2019-nCoV and SARS both suggested a serious problem of immunopathology, particularly in the lung mucosa, which is complex and unique. It might be due to the fact that a systematic protective immune response is not enough to protect against viral infection. Currently, one of the most dangerous but valuable experiments is to perform tests on immune cells in the blood and lungs of infected patients, preferably during different stages of viral infection. Data on clinical immunity can lay the foundation for future vaccine development. We need to be aware of the challenges and concerns that 2019-nCoV poses to our community. Every effort should be made to understand and control the disease. The authors declare that they have no conflict of interest. This article does not contain any studies with human or animal subjects performed by any of the authors.**
+
+[Systematic Review of the Registered Clinical Trials of Coronavirus Diseases 2019 (COVID-19)](https://doi.org/doi.org/10.1101/2020.03.01.20029611)
+Authors: Rui-fang Zhu; Ru-lu Gao; Sue-Ho Robert; Jin-ping Gao; Shi-gui Yang; Changtai Zhu
+Published: 2020-03-03 00:00:00
+Match (0.4758): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.03.01.20029611 doi: medRxiv preprint promising projects are prioritized. In addition, we suggest that using a variety of study designs and statistical methods to scientifically and efficiently conduct the clinical trials, which has an extremely important value for the control of COVID-19.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.4743): **The SARS-CoV-2 has caused one of the deadliest outbreaks in the recent times. Prevention of the newly emerging infection is very challenging as well as mandatory. The potentiality of in silico methods can be exploited to find desired solutions with fewer trials and errors and thus saving both time and costs of the scientists. In this study, potential subunit vaccines were designed against the SARS-CoV-2 using various methods of reverse vaccinology and immunoinformatics. To design the vaccines, the highly antigenic viral proteins as well as epitopes were used. Various computational studies of the suggested vaccine constructs revealed that these vaccines might confer good immunogenic response. For this reason, if satisfactory results are achieved in various in vivo and in vitro tests and trials, these suggested vaccine constructs might be used effectively for vaccination to prevent the coronavirus infection and spreading. Therefore, our present study should help the scientists to develop potential vaccines and therapeutics against the Wuhan Novel Coronavirus 2019. Authors declare no conflict of interest regarding the publication of the manuscript.**
+
+[Preliminary identification of potential vaccine targets for the COVID-19 coronavirus (SARS-CoV-2) based on SARS-CoV immunological studies](https://doi.org/doi.org/10.1101/2020.02.03.933226)
+Authors: Ahmed, S. F.; Quadeer, A. A.; McKay, M. R.
+Published: 2020-02-12 00:00:00
+Match (0.4697): **Further experimental studies (T cell and B cell assays) are required to determine the potential of the identified epitopes to induce a positive immune response against SARS-CoV-2. This would help to further refine the reported epitope set, based on observed immunogenicity; an important consideration for immunogen design. Overall, as the identified set of epitopes map identically to SARS-CoV-2, they present potentially useful candidates for guiding experimental efforts towards developing universal vaccines against SARS-CoV-2.**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.4691): **In conclusion, this study offers a powerful, integrated network-based systems pharmacology methodology for rapid identification of repurposable drugs and drug combinations for the potential treatment of HCoV. Our approach can minimize the translational gap between preclinical testing results and clinical outcomes, which is a significant problem in the rapid development of efficient treatment strategies for the emerging 2019-nCoV outbreak. From a translational perspective, if broadly applied, the network tools developed here could help develop effective treatment strategies for other types of virus and human diseases as well.**
+
+[Preliminary Identification of Potential Vaccine Targets for the COVID-19 Coronavirus (SARS-CoV-2) Based on SARS-CoV Immunological Studies](https://doi.org/10.3390/v12030254)
+Authors: Ahmed, F. Syed; Quadeer, A. Ahmed; McKay, R. Matthew
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.4691): **Overall, as the identified set of SARS-CoV epitopes map identically to SARS-CoV-2, they present potentially useful candidates for guiding experimental efforts towards developing vaccines against SARS-CoV-2. More generally, our study further highlights the potential importance of previous experimental and clinical studies of SARS-CoV, and its use in concert with emerging data for SARS-CoV-2, in searching for effective vaccines to combat the COVID-19 epidemic.**
+
+# Efforts to develop prophylaxis clinical studies and prioritize in healthcare workers + +[Exploring diseases/traits and blood proteins causally related to expression of ACE2, the putative receptor of 2019-nCov: A Mendelian Randomization analysis](https://doi.org/doi.org/10.1101/2020.03.04.20031237)
+Authors: Shitao Rao; Alexandria Lau; Hon-Cheong So
+Published: 2020-03-08 00:00:00
+Match (0.6263): **For example, identification of those at greater risk may help to guide the prioritization of resources to reduce infection risks in susceptible groups. Also, it is likely that vaccines may be developed in the near future; in the lack of resources, susceptible groups may be prioritized to receive vaccination to maximize cost-effectiveness.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5788): **Medical professionals require an up-to-date guideline to follow when an urgent healthcare problem emerging. In response to the requests for reliable advice from frontline clinicians and public healthcare professionals managing 2019-nCoV pandemics, we developed this rapid advance guideline, involving disease epidemiology, etiology, diagnosis, treatment, nursing, and hospital infection control for clinicians, and also for public health workers and community residents.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5788): **Medical professionals require an up-to-date guideline to follow when an urgent healthcare problem emerging. In response to the requests for reliable advice from frontline clinicians and public healthcare professionals managing 2019-nCoV pandemics, we developed this rapid advance guideline, involving disease epidemiology, etiology, diagnosis, treatment, nursing, and hospital infection control for clinicians, and also for public health workers and community residents.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.5355): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5343): **At the time of this writing, cases continue to be reported. Furthermore, there are also many unknowns regarding this outbreak, including the reservoir host, modes of transmission/transmission potential, and the effectiveness of potential vaccine candidates. Here we have attempted to address some of these issues using foundations from previous coronavirus outbreaks as well as our own analysis. What is certain is that the numbers of reported cases are increasing and will continue to increase before the knowledge gaps surrounding 2019-nCoV are filled. Cooperation among public health officials, healthcare workers, and scientists will be key to gaining a foothold and containing virus spread. Acknowledgement of coronaviruses as a constant spillover threat is important for pandemic preparedness. Two key take-away messages are important at this time: 1) As noted by the previous lopsided cases of healthcare, healthcare workers and care givers should exercise extreme caution and use personal protective equipment (PPE) in providing care to 2019-nCoV infected patients; and 2) The research community should endeavour to compile diverse CoV reagents that can quickly be mobilized for rapid vaccine development, antiviral discovery, differential diagnosis, and specific diagnosis.**
+
+[Emergence of Novel Coronavirus 2019-nCoV: Need for Rapid Vaccine and Biologics Development](https://doi.org/10.3390/pathogens9020148)
+Authors: Shanmugaraj, Balamurugan; Malla, Ashwini; Phoolcharoen, Waranyoo
+Published: 2020-01-01 00:00:00
+Publication: Pathogens
+Match (0.5284): **There is an urgent need to develop rapid diagnostic tools and vaccines or post-exposure prophylaxis to treat this infection. Reliable, timely laboratory diagnosis and an effective vaccine are crucial for effective disease management and public health intervention. An effective vaccine should be affordable, and also the production platform should produce suitable vaccine candidates rapidly at low cost, especially during a disease outbreak. The advantages and disadvantages of the current expression systems for recombinant protein production are given in Table 1 . Currently, plant expression system offers many advantages over other conventional systems that have the potential to tackle the production of vaccine candidates rapidly at affordable cost facilitating the global vaccination programs, especially in resource-poor nations where the vaccines are needed most [15] .**
+
+[Network-based Drug Repurposing for Human Coronavirus](https://doi.org/doi.org/10.1101/2020.02.03.20020263)
+Authors: Yadi Zhou; Yuan Hou; Jiayu Shen; Yin Huang; William Martin; Feixiong Cheng
+Published: 2020-02-05 00:00:00
+Match (0.5171): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org/10.1101/2020.02.03.20020263 doi: medRxiv preprint groups are working on the development of vaccines to prevent and treat the 2019-nCoV, but effective vaccines are not available yet. There is an urgent need for the development of effective prevention and treatment strategies for 2019-nCoV outbreak.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5152): **Community and healthcare preparedness in response to coronavirus outbreaks remain ongoing obstacles for global public health. For example, delays between disease development and progression and diagnosis or quarantine can severely impact both patient management and containment [21, 71] . Deficiencies in outbreak preparedness and healthcare network coordination efforts must ultimately be considered in response efforts. It is strongly recommended that universal reagents be maintained and available at global repositories for future outbreaks.**
+
+[Potential Maternal and Infant Outcomes from (Wuhan) Coronavirus 2019-nCoV Infecting Pregnant Women: Lessons from SARS, MERS, and Other Human Coronavirus Infections](https://doi.org/10.3390/v12020194)
+Authors: Schwartz, David A.; Graham, Ashley L.
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5055): **The novel coronavirus is the first epidemic disease to emerge since the formation of CEPI in Davos in 2017. CEPI was created with the express intent to enable speedy research and development of vaccines against emerging pathogens. In May 2017, WHO released the Target Product Profile (TPP) for MERS-CoV vaccines, following the prioritization of MERS-CoV as one of eight priority pathogens for prevention of epidemics [73] . CEPI and partners aim to use existing platforms-that is, the existing "backbone" that can be adapted for use against new pathogens-that are currently in preclinical development for MERS-CoV vaccine candidates. Following the WHO declaration on 30 January that the current 2019-nCoV outbreak is a public health emergency of international concern (PHEIC), global health organizations and researchers will be further mobilized-bolstered by new mechanisms for action and greater resources-to stop the spread of disease.**
+
+[Preparedness and vulnerability of African countries against introductions of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.05.20020792)
+Authors: Marius Gilbert; Giulia Pullano; Francesco Pinotti; Eugenio Valdano; Chiara Poletto; Pierre-Yves Boelle; Ortenzio",; ,; ,; ,; ,; ,
+Published: 2020-02-07 00:00:00
+Match (0.5039): **Our findings help informing urgent prioritization for intensified support for preparedness and response in specific countries in Africa found to be at high risk and with relatively low capacity to manage the health emergency.**
+
+# Approaches to evaluate risk for enhanced disease after vaccination + +[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5848): **Vaccines can prevent and protect against infection and disease occurrence when exposed to the specific pathogen of interest, especially in vulnerable populations who are more prone to severe outcomes. In the context of the current 2019-nCoV outbreak, vaccines will help control and reduce disease transmission by creating herd immunity in addition to protecting healthy individuals from infection. This decreases the effective R0 value of the disease. Nonetheless, there are social, clinical and economic hurdles for vaccine and vaccination programmes, including (a) the willingness of the public to undergo vaccination with a novel vaccine, (b) the side effects and severe adverse reactions of vaccination, (c) the potential difference and/or low efficacy of the vaccine in populations different from the clinical trials' populations and (d) the accessibility of the vaccines to a given population (including the cost and availability of the vaccine).**
+
+[Science in the fight against the novel coronavirus disease](https://doi.org/10.1097/CM9.0000000000000777)
+Authors: Wang, Jian-Wei; Cao, Bin; Wang, Chen
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5159): **Meanwhile, researchers are also assessing the effectiveness of treatment with serum samples from recovering patients. The development of neutralizing antibodies is underway, and efforts are also being made to develop a vaccine.**
+
+[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.4943): **Various vaccine strategies against coronavirus, such as using inactivated viruses, live-attenuated viruses, viral vectorbased vaccines, subunit vaccines, and recombinant proteins are under evaluation. However, several months may be required to undergo extensive testing to determine its safety and efficacy and before it can be widely used [21] .**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.4845): **It is critical to rapidly identify immune epitopes. The S protein is of crucial in the fuse and entry of virus into host cells [1] , therefore it is a primary target for neutralizing antibodies. The specificity of epitopebased vaccines can be enhanced by selecting parts of S protein exposed on the surface [28] . Medical biotechnology is important in developing vaccines against SARS-CoV-2. However, computer-based immune-informatics can improve time and economic effectiveness, as a result, it is also an essential method in immunogenic analysis and vaccine development.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.4776): **Compared with other vaccine types such as inactivated virus and viral-vectored vaccines, SARS and MERS subunit vaccines are much safer and do not cause obvious side effects. However, these subunit vaccines may face some important challenges, mostly arising from their relatively low immunogenicity, which must be combined with appropriate adjuvants or optimized for suitable protein sequences, fragment lengths, and immunization schedules. In addition, structure and epitope-based vaccine design has become a promising strategy to improve the efficacy of subunit vaccines. This is evidenced by a structurally designed MERS-CoV RBD-based protein which has significantly improved neutralizing activity and protection against MERS-CoV infection (Du et al., 2016a) . It is prospected that more structureguided novel strategies will be developed to improve the overall immunogenicity and efficacy of subunit vaccines against emerging pathogenic human coronaviruses, including those targeting SARS-CoV and MERS-CoV. Although a large number of SARS and MERS subunit vaccines have been developed with potent immunogenicity and/or protection in available animal models, virtually all remain in the preclinical stage. It is thus expected that one or several of these promising subunit vaccines can be further processed into clinical trials to confirm their immunogenicity against viral infections in humans.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.4737): **Antigen dosage, immunization doses, and intervals may significantly affect the immunogenicity of MERS-CoV subunit vaccines. Notably, a MERS-CoV RBD (S377-588-Fc) subunit vaccine immunized at 1 µg elicited strong humoral and cellular immune responses and neutralizing antibodies in mice although the one immunized at 5 and 20 µg elicited a higher level of S1-specific antibodies . In addition, among the regimens at one dose and two doses at 1-, 2-, and 3-week intervals, 2 doses of this protein boosted at 4 weeks resulted in the highest antibodies and neutralizing antibodies against MERS-CoV infection .**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.4656): **Vaccination pathways are important in inducing efficient immune responses, and different immunization routes may elicit different immune responses to the same protein antigens. For example, immunization of mice with a MERS-CoV subunit vaccine (RBD-Fc) via the intranasal route induced higher levels of cellular immune responses and stronger local mucosal neutralizing antibody responses against MERS-CoV infection than those induced by the same vaccine via the S.C. pathway (Ma et al., 2014a) . In addition, while Freund's and CpG-adjuvanted rRBD protein elicited higher-level systematic and local IFNγ-producing T cells via the S.C. route, this protein adjuvanted with Alum and CpG induced higher-level tumor necrosis factoralpha (TNF-α) and interleukin 4 (IL-4)-secreting T cells via the I.M. route (Lan et al., 2014) .**
+
+[Potential T-cell and B-cell Epitopes of 2019-nCoV](https://doi.org/doi.org/10.1101/2020.02.19.955484)
+Authors: Fast, E.; Chen, B.
+Published: 2020-02-21 00:00:00
+Match (0.4612): **Our pipeline provides a framework to identify strong epitope-based vaccine candidates-beyond 2019-nCoV-and might be applied against any unknown pathogens. Previous animal studies do show antigens with high MHC presentation scores are more likely to elicit strong T-cell responses, but the correlation between vaccine efficacy and T-cell responses is relatively weak [14, 46, 7] . When combined with future clinical data, our work can help the field untangle the relationship between antigen presentation scores and vaccine efficacy.**
+
+[Design of multi epitope-based peptide vaccine against E protein of human COVID-19: An immunoinformatics approach](https://doi.org/doi.org/10.1101/2020.02.04.934232)
+Authors: Abdelmageed, M. I.; Abdelmoneim, A. H.; Mustafa, M. I.; Elfadol, N. M.; Murshed, N. S.; Shantier, S. W.; Makhawi, A. M.
+Published: 2020-03-02 00:00:00
+Match (0.4602): **The main concept within all the immunizations is the ability of the vaccine to initiate an immune response in a faster mode than the pathogen itself. Although traditional vaccines, which depend on biochemical trials, induced potent neutralizing and protective responses in the immunized animals but they can be costly, allergenic, time consuming and require in vitro culture of pathogenic viruses leading to serious concern of safety [23, 24]. Thus the need for safe and efficacious vaccines is highly recommended.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.4572): **Most SARS-CoV and MERS-CoV vaccines developed thus far are based on the inactivated or live attenuated viruses, DNAs, proteins, nanoparticles, viral vectors, including viruslike particles (VLPs) (Zeng et al., 2004; Jiang et al., 2005; Liu et al., 2005; Du et al., 2009a Du et al., , 2016b Pimentel et al., 2009; Al-Amri et al., 2017) . Each vaccine type has different advantages and disadvantages. For instance, inactivated and liveattenuated virus-based vaccines are vaccine types developed using the most traditional approaches. Although they generally induce highly potent immune responses and/or protection, the possibility for incomplete inactivation of viruses or recovering virulence exists, resulting in significant safety concerns (Zhang et al., 2014) . Also, these traditional vaccines may induce the antibody-dependent enhancement (ADE) effect, as in the case of SARS-CoV infection (Luo et al., 2018b) . Similarly, some viral-vectored vaccines can elicit specific antibody and cellular immune responses with neutralizing activity and protection, but they might also induce anti-vector immunity or present preexisting immunity, causing some harmful immune responses. Instead, DNA and nanoparticle vaccines maintain strong safety profile; however, the immunogenicity of these vaccines is usually lower than that of virus-or viral vector-based vaccines, often requiring optimization of sequences, components, or immunization routes, inclusion of appropriate adjuvants, or application of combinational immunization approaches (Zhang et al., 2014) .**
+
+# Assays to evaluate vaccine immune response and process development for vaccines, alongside suitable animal models [in conjunction with therapeutics] +[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.7117): **Great efforts are being made for the discovery of antiviral drugs, but there are no licensed therapeutic or vaccine for the treatment of SARS-CoV-2 infection available in the market. Developing an effective treatment for SARS-CoV-2 is therefore a research priority. It is time-consuming and expensive to design novel vaccines against viruses by the use of kits and related antibodies [12] . Thus, we chose the method of immune-informatics, which is more efficient and more applicable for deep analysis of viral antigens, B-and T-cell linear epitope prediction, and evaluation of immunogenicity and virulence of pathogens.**
+
+[Emergence of Novel Coronavirus 2019-nCoV: Need for Rapid Vaccine and Biologics Development](https://doi.org/10.3390/pathogens9020148)
+Authors: Shanmugaraj, Balamurugan; Malla, Ashwini; Phoolcharoen, Waranyoo
+Published: 2020-01-01 00:00:00
+Publication: Pathogens
+Match (0.6994): **There is an urgent need to develop rapid diagnostic tools and vaccines or post-exposure prophylaxis to treat this infection. Reliable, timely laboratory diagnosis and an effective vaccine are crucial for effective disease management and public health intervention. An effective vaccine should be affordable, and also the production platform should produce suitable vaccine candidates rapidly at low cost, especially during a disease outbreak. The advantages and disadvantages of the current expression systems for recombinant protein production are given in Table 1 . Currently, plant expression system offers many advantages over other conventional systems that have the potential to tackle the production of vaccine candidates rapidly at affordable cost facilitating the global vaccination programs, especially in resource-poor nations where the vaccines are needed most [15] .**
+
+[Design of multi epitope-based peptide vaccine against E protein of human COVID-19: An immunoinformatics approach](https://doi.org/doi.org/10.1101/2020.02.04.934232)
+Authors: Abdelmageed, M. I.; Abdelmoneim, A. H.; Mustafa, M. I.; Elfadol, N. M.; Murshed, N. S.; Shantier, S. W.; Makhawi, A. M.
+Published: 2020-03-02 00:00:00
+Match (0.6831): **Designing of a novel vaccine is very crucial to defending the rapid endless of global burden of disease [56] [57] [58] [59] . In the last few decades, biotechnology has advanced rapidly; alongside with the understanding of immunology which assisted the rise of new approaches towards rational vaccines design [60] . Peptide-based vaccines are designed to elicit immunity particular pathogens by selectively stimulating antigen specific for B and T cells [61] .Applying the advanced bioinformatics tools and databases, various peptide-based vaccines could be designed where the peptides act as ligands [62] [63] [64] . This approach has been used frequently in Saint Louis encephalitis virus [65] , dengue virus [66] , chikungunya virus [67] proposing promising peptides for designing vaccines.**
+
+[The Essential Facts of Wuhan Novel Coronavirus Outbreak in China and Epitope-based Vaccine Designing against COVID-19](https://doi.org/doi.org/10.1101/2020.02.05.935072)
+Authors: Sarkar, B.; Ullah, M. A.; Johora, F. T.; Taniya, M. A.; Araf, Y.
+Published: 2020-03-06 00:00:00
+Match (0.6772): **The SARS-CoV-2 has caused one of the deadliest outbreaks in the recent times. Prevention of the newly emerging infection is very challenging as well as mandatory. The potentiality of in silico methods can be exploited to find desired solutions with fewer trials and errors and thus saving both time and costs of the scientists. In this study, potential subunit vaccines were designed against the SARS-CoV-2 using various methods of reverse vaccinology and immunoinformatics. To design the vaccines, the highly antigenic viral proteins as well as epitopes were used. Various computational studies of the suggested vaccine constructs revealed that these vaccines might confer good immunogenic response. For this reason, if satisfactory results are achieved in various in vivo and in vitro tests and trials, these suggested vaccine constructs might be used effectively for vaccination to prevent the coronavirus infection and spreading. Therefore, our present study should help the scientists to develop potential vaccines and therapeutics against the Wuhan Novel Coronavirus 2019. Authors declare no conflict of interest regarding the publication of the manuscript.**
+
+[Epitope-based peptide vaccines predicted against novel coronavirus disease caused by SARS-CoV-2](https://doi.org/doi.org/10.1101/2020.02.25.965434)
+Authors: Li, L.; Sun, T.; He, Y.; Li, W.; Fan, Y.; Zhang, J.
+Published: 2020-02-27 00:00:00
+Match (0.6755): **It is critical to rapidly identify immune epitopes. The S protein is of crucial in the fuse and entry of virus into host cells [1] , therefore it is a primary target for neutralizing antibodies. The specificity of epitopebased vaccines can be enhanced by selecting parts of S protein exposed on the surface [28] . Medical biotechnology is important in developing vaccines against SARS-CoV-2. However, computer-based immune-informatics can improve time and economic effectiveness, as a result, it is also an essential method in immunogenic analysis and vaccine development.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.6586): **Compared with other vaccine types such as inactivated virus and viral-vectored vaccines, SARS and MERS subunit vaccines are much safer and do not cause obvious side effects. However, these subunit vaccines may face some important challenges, mostly arising from their relatively low immunogenicity, which must be combined with appropriate adjuvants or optimized for suitable protein sequences, fragment lengths, and immunization schedules. In addition, structure and epitope-based vaccine design has become a promising strategy to improve the efficacy of subunit vaccines. This is evidenced by a structurally designed MERS-CoV RBD-based protein which has significantly improved neutralizing activity and protection against MERS-CoV infection (Du et al., 2016a) . It is prospected that more structureguided novel strategies will be developed to improve the overall immunogenicity and efficacy of subunit vaccines against emerging pathogenic human coronaviruses, including those targeting SARS-CoV and MERS-CoV. Although a large number of SARS and MERS subunit vaccines have been developed with potent immunogenicity and/or protection in available animal models, virtually all remain in the preclinical stage. It is thus expected that one or several of these promising subunit vaccines can be further processed into clinical trials to confirm their immunogenicity against viral infections in humans.**
+
+[Outbreak of Novel Coronavirus (SARS-Cov-2): First Evidences From International Scientific Literature and Pending Questions](https://doi.org/10.3390/healthcare8010051)
+Authors: Amodio, Emanuele; Vitale, Francesco; Cimino, Livia; Casuccio, Alessandra; Tramuto, Fabio
+Published: 2020-01-01 00:00:00
+Publication: Healthcare (Basel)
+Match (0.6556): **Various vaccine strategies against coronavirus, such as using inactivated viruses, live-attenuated viruses, viral vectorbased vaccines, subunit vaccines, and recombinant proteins are under evaluation. However, several months may be required to undergo extensive testing to determine its safety and efficacy and before it can be widely used [21] .**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China](http://dx.doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-02-07 00:00:00
+Publication: F1000Res
+Match (0.6552): **The dire situations facing patients in outbreak scenarios demand quick responses by the healthcare community and the biotech industry. Unfortunately, many of the traditional options that guide drug development are inadequate for outbreaks; a process that takes years can't help patients who are dying today, and economies that are being halted. In these situations, studies have often been conducted on compassionate use, and clinical trial approvals expedited. This was most recently seen in the 2014-2015 Ebola outbreak, where a variety of clinical trial candidates were studied. Many of these therapies failed, but ultimately a vaccine did emerge that was fully protective against the virus 12 . It is important to note that, unlike the current situation with 2019-nCoV, Ebola had already been studied for years and this particular neutralizing vaccine made and tested in preclinical animal models years prior to the outbreak 13 . For 2019-nCoV, beyond knowing the sequence of spike (S) protein of the coronavirus (GenBank: MN908947.3), there are no studies on how immunogenic this particular protein will be beyond surrogate comparisons to SARS and MERS, which limits the potential ability to quickly produce a vaccine. Moreover, while a vaccine would be greatly effective in helping to stop the spread of 2019-nCoV, an effective therapy is also needed for the patients infected with 2019-nCoV today, similar to the situation of Ebola patients needing effective therapies while vaccines were being developed.**
+
+[Therapeutic strategies in an outbreak scenario to treat the novel coronavirus originating in Wuhan, China [version 2; peer review: 2 approved]](https://doi.org/10.12688/f1000research.22211.2)
+Authors: Kruse, Robert L.
+Published: 2020-01-01 00:00:00
+Publication: F1000Research
+Match (0.6552): **The dire situations facing patients in outbreak scenarios demand quick responses by the healthcare community and the biotech industry. Unfortunately, many of the traditional options that guide drug development are inadequate for outbreaks; a process that takes years can't help patients who are dying today, and economies that are being halted. In these situations, studies have often been conducted on compassionate use, and clinical trial approvals expedited. This was most recently seen in the 2014-2015 Ebola outbreak, where a variety of clinical trial candidates were studied. Many of these therapies failed, but ultimately a vaccine did emerge that was fully protective against the virus 12 . It is important to note that, unlike the current situation with 2019-nCoV, Ebola had already been studied for years and this particular neutralizing vaccine made and tested in preclinical animal models years prior to the outbreak 13 . For 2019-nCoV, beyond knowing the sequence of spike (S) protein of the coronavirus (GenBank: MN908947.3), there are no studies on how immunogenic this particular protein will be beyond surrogate comparisons to SARS and MERS, which limits the potential ability to quickly produce a vaccine. Moreover, while a vaccine would be greatly effective in helping to stop the spread of 2019-nCoV, an effective therapy is also needed for the patients infected with 2019-nCoV today, similar to the situation of Ebola patients needing effective therapies while vaccines were being developed.**
+
+[Subunit Vaccines Against Emerging Pathogenic Human Coronaviruses](https://doi.org/10.3389/fmicb.2020.00298)
+Authors: Du, Ning Wang; Jian, Shang; Shibo, Jiang; Lanying
+Published: 2020-01-01 00:00:00
+Publication: Frontiers in Microbiology
+Match (0.6525): **Currently, the newly identified 2019-nCoV is spreading to infect people, resulting in significant global concerns. It is critical to rapidly design and develop effective vaccines to prevent infection of this new coronavirus. Since S protein and its fragments, such as RBD, of SARS-CoV, and MERS-CoV are prime targets for developing subunit vaccines against these two highly pathogenic human CoVs, it is expected that similar regions of 2019-nCoV can also be used as key targets for developing vaccines against this new coronavirus (Jiang et al., 2020) . Similarly, other regions of 2019-nCoV, including S1 and S2 subunits of S protein and N protein, can be applied as alternative targets for vaccine development. Taken together, the approaches and strategies in the development of subunit vaccines against SARS and MERS described in this review will provide important information for the rapid design and development of safe and effective subunit vaccines against 2019-nCoV infection.**
+
diff --git a/tasks/vaccines.txt b/tasks/vaccines.txt new file mode 100644 index 0000000..a5e99cf --- /dev/null +++ b/tasks/vaccines.txt @@ -0,0 +1,11 @@ +Effectiveness of drugs being developed and tried to treat COVID-19 patients. +Clinical and bench trials to investigate less common viral inhibitors against COVID-19 such as naproxen, clarithromycin, and minocyclinethat that may exert effects on viral replication. +Methods evaluating potential complication of Antibody-Dependent Enhancement (ADE) in vaccine recipients. +Exploration of use of best animal models and their predictive value for a human vaccine. +Capabilities to discover a therapeutic (not vaccine) for the disease, and clinical effectiveness studies to discover therapeutics, to include antiviral agents. +Alternative models to aid decision makers in determining how to prioritize and distribute scarce, newly proven therapeutics as production ramps up. This could include identifying approaches for expanding production capacity to ensure equitable and timely distribution to populations in need. +Efforts targeted at a universal coronavirus vaccine. +Efforts to develop animal models and standardize challenge studies +Efforts to develop prophylaxis clinical studies and prioritize in healthcare workers +Approaches to evaluate risk for enhanced disease after vaccination +Assays to evaluate vaccine immune response and process development for vaccines, alongside suitable animal models [in conjunction with therapeutics] \ No newline at end of file diff --git a/tasks/virus-genome.md b/tasks/virus-genome.md new file mode 100644 index 0000000..b70c014 --- /dev/null +++ b/tasks/virus-genome.md @@ -0,0 +1,525 @@ +# Real-time tracking of whole genomes and a mechanism for coordinating the rapid dissemination of that information to inform the development of diagnostics and therapeutics and to track variations of the virus over time. + +[Initial Public Health Response and Interim Clinical Guidance for the 2019 Novel Coronavirus Outbreak — United States, December 31, 2019–February 4, 2020](http://dx.doi.org/10.15585/mmwr.mm6905e1)
+Authors: Patel, Anita; Jernigan, Daniel B.; Abdirizak, Fatuma; Abedi, Glen; Aggarwal, Sharad; Albina, Denise; Allen, Elizabeth; Andersen, Lauren; Anderson, Jade; Anderson, Megan; Anderson, Tara; Anderson, Kayla; Bardossy, Ana Cecilia; Barry, Vaughn; Beer, Karlyn; Bell, Michael; Berger, Sherri; Bertulfo, Joseph; Biggs, Holly; Bornemann, Jennifer; Bornstein, Josh; Bower, Willie; Bresee, Joseph; Brown, Clive; Budd, Alicia; Buigut, Jennifer; Burke, Stephen; Burke, Rachel; Burns, Erin; Butler, Jay; Cantrell, Russell; Cardemil, Cristina; Cates, Jordan; Cetron, Marty; Chatham-Stephens, Kevin; Chatham-Stevens, Kevin; Chea, Nora; Christensen, Bryan; Chu, Victoria; Clarke, Kevin; Cleveland, Angela; Cohen, Nicole; Cohen, Max; Cohn, Amanda; Collins, Jennifer; Dahl, Rebecca; Daley, Walter; Dasari, Vishal; Davlantes, Elizabeth; Dawson, Patrick; Delaney, Lisa; Donahue, Matthew; Dowell, Chad; Dyal, Jonathan; Edens, William; Eidex, Rachel; Epstein, Lauren; Evans, Mary; Fagan, Ryan; Farris, Kevin; Feldstein, Leora; Fox, LeAnne; Frank, Mark; Freeman, Brandi; Fry, Alicia; Fuller, James; Galang, Romeo; Gerber, Sue; Gokhale, Runa; Goldstein, Sue; Gorman, Sue; Gregg, William; Greim, William; Grube, Steven; Hall, Aron; Haynes, Amber; Hill, Sherrasa; Hornsby-Myers, Jennifer; Hunter, Jennifer; Ionta, Christopher; Isenhour, Cheryl; Jacobs, Max; Slifka, Kara Jacobs; Jernigan, Daniel; Jhung, Michael; Jones-Wormley, Jamie; Kambhampati, Anita; Kamili, Shifaq; Kennedy, Pamela; Kent, Charlotte; Killerby, Marie; Kim, Lindsay; Kirking, Hannah; Koonin, Lisa; Koppaka, Ram; Kosmos, Christine; Kuhar, David; Kuhnert-Tallman, Wendi; Kujawski, Stephanie; Kumar, Archana; Landon, Alexander; Lee, Leslie; Leung, Jessica; Lindstrom, Stephen; Link-Gelles, Ruth; Lively, Joana; Lu, Xiaoyan; Lynch, Brian; Malapati, Lakshmi; Mandel, Samantha; Manns, Brian; Marano, Nina; Marlow, Mariel; Marston, Barbara; McClung, Nancy; McClure, Liz; McDonald, Emily; McGovern, Oliva; Messonnier, Nancy; Midgley, Claire; Moulia, Danielle; Murray, Janna; Noelte, Kate; Noonan-Smith, Michelle; Nordlund, Kristen; Norton, Emily; Oliver, Sara; Pallansch, Mark; Parashar, Umesh; Patel, Anita; Patel, Manisha; Pettrone, Kristen; Pierce, Taran; Pietz, Harald; Pillai, Satish; Radonovich, Lewis; Reagan-Steiner, Sarah; Reel, Amy; Reese, Heather; Rha, Brian; Ricks, Philip; Rolfes, Melissa; Roohi, Shahrokh; Roper, Lauren; Rotz, Lisa; Routh, Janell; Sakthivel, Senthil Kumar; Sarmiento, Luisa; Schindelar, Jessica; Schneider, Eileen; Schuchat, Anne; Scott, Sarah; Shetty, Varun; Shockey, Caitlin; Shugart, Jill; Stenger, Mark; Stuckey, Matthew; Sunshine, Brittany; Sykes, Tamara; Trapp, Jonathan; Uyeki, Timothy; Vahey, Grace; Valderrama, Amy; Villanueva, Julie; Walker, Tunicia; Wallace, Megan; Wang, Lijuan; Watson, John; Weber, Angie; Weinbaum, Cindy; Weldon, William; Westnedge, Caroline; Whitaker, Brett; Whitaker, Michael; Williams, Alcia; Williams, Holly; Willams, Ian; Wong, Karen; Xie, Amy; Yousef, Anna
+Published: 2020-02-07 00:00:00
+Publication: MMWR Morb Mortal Wkly Rep
+Match (0.5913): **cases in the United States. Although these measures might not prevent the eventual establishment of ongoing, widespread transmission of the virus in the United States, they are being implemented to 1) slow the spread of illness; 2) provide time to better prepare health care systems and the general public to be ready if widespread transmission with substantial associated illness occurs; and 3) better characterize 2019-nCoV infection to guide public health recommendations and the development of medical countermeasures including diagnostics, therapeutics, and vaccines. Public health authorities are monitoring the situation closely. As more is learned about this novel virus and this outbreak, CDC will rapidly incorporate new knowledge into guidance for action by CDC and state and local health departments.**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5837): **With the possible expansion of 2019-nCoV globally [8] and the declaration of the 2019-nCoV outbreak as a Public Health Emergency of International Concern by the World Health Organization, there is an urgent need for rapid diagnostics, vaccines and therapeutics to detect, prevent and contain 2019-nCoV promptly. There is however currently a lack of understanding of what is available in the early phase of 2019-nCoV outbreak. The systematic review describes and assesses the potential rapid diagnostics, vaccines and therapeutics for 2019-nCoV, based in part on the developments for MERS-CoV and SARS-CoV.**
+
+[Data sharing for novel coronavirus (COVID-19)](http://dx.doi.org/10.2471/BLT.20.251561)
+Authors: Moorthy, Vasee; Henao Restrepo, Ana Maria; Preziosi, Marie-Pierre; Swaminathan, Soumya
+Published: 2020-03-01 00:00:00
+Publication: Bull World Health Organ
+Match (0.5678): **Rapid data sharing is the basis for public health action. The report from the 30 January 2020 International Health Regulations (2005) Emergency Committee regarding the outbreak of novel coronavirus (COVID-19) stressed the importance of the continued sharing of full data with the World Health Organization (WHO). The information disseminated through peer-reviewed journals and accompanying online data sets is vital for decision-makers. [1] [2] [3] For example, the release of full viral genome sequences through a public access platform and the polymerase chain reaction assay protocols that were developed as a result made it possible to accurately diagnose infections early in the current emergency.**
+
+[Preliminary epidemiological analysis on children and adolescents with novel coronavirus disease 2019 outside Hubei Province, China: an observational study utilizing crowdsourced data](https://doi.org/doi.org/10.1101/2020.03.01.20029884)
+Authors: Brandon Michael Henry; Maria Helena S Oliveira
+Published: 2020-03-06 00:00:00
+Match (0.5636): **The coronavirus disease 2019 outbreak is rapidly expanding across the world and presents a significant public health emergency with the potential of becoming pandemic. 1 As of March 1, 2020, cases of COVID-19 have been reported in over 60 countries. In early stages of epidemics with emerging pathogens, real-time analysis of accurate and robust epidemiological and clinical data is essential to developing interventional strategies and guiding public health decisionmaking. 2, 3 Such data can provide insight into infectivity, routes of transmission, disease severity, and outcomes, thus enabling epidemiologic modelling and improved public health responses. 4, 5 Line list data, which includes individual patient-level data on important epidemiological and clinical variables, is rarely available early during an outbreak with a novel pathogen. 5 However, recognizing the utility of such data and its ability to provide for real-time analyses, multiple academic groups have been curating line list data using crowdsourcing and openly sharing the data with the scientific community. 4, 5 Crowdsourcing enables the collection of data from multiple platforms including health-care-oriented social networks, government and public health agencies, and global news sources.**
+
+[Sensitive one-step isothermal detection of pathogen-derived RNAs](https://doi.org/doi.org/10.1101/2020.03.05.20031971)
+Authors: Chang Ha Woo; Sungho Jang; Giyoung Shin; Gyoo Yeol Jung; Jeong Wook Lee
+Published: 2020-03-09 00:00:00
+Match (0.5607): **The copyright holder for this preprint (which was not peer-reviewed) is . https://doi.org/10.1101/2020.03.05.20031971 doi: medRxiv preprint 14 more scalable than animal antibody production. Therefore, SENSR is more suitable for rapid 328 mass production of diagnostic kits than antibody-based diagnostics. Future efforts on 329 automated probe design will be needed to accelerate the development of SENSR assays for 330 newly emerging pathogens. 331**
+
+[From Isolation to Coordination: How Can Telemedicine Help Combat the COVID-19 Outbreak?](https://doi.org/doi.org/10.1101/2020.02.20.20025957)
+Authors: Yunkai Zhai; Yichuan Wang; Minhao Zhang; Jody Hoffer Gittell; Shuai Jiang; Baozhan Chen; Fangfang Cui; Xianying He; Jie Zhao; Xiaojun Wang
+Published: 2020-02-23 00:00:00
+Match (0.5530): **Telemedicine has been acknowledged as a breakthrough technology in combating epidemics 2 . Combining the functions of online conversation and real-time clinical data exchange, telemedicine can provide technical support to the emerging need for workflow digitalization. When facing the rapid spread of an epidemic, the ability to deliver clinical care in a timely manner requires effective relational coordination mechanisms amongst government authorities, hospitals, and patients 3 . This raises the question: How can telemedicine systems operate in a coordinated manner to deliver effective care to patients with COVID-19 and to combat the crisis outbreak?**
+
+[Cryo-EM Structure of the 2019-nCoV Spike in the Prefusion Conformation](https://doi.org/doi.org/10.1101/2020.02.11.944462)
+Authors: Wrapp, D.; Wang, N.; Corbett, K. S.; Goldsmith, J. A.; Hsieh, C.-L.; Abiona, O.; Graham, B. S.; McLellan, J. S.
+Published: 2020-02-15 00:00:00
+Match (0.5512): **The rapid global spread of 2019-nCoV, prompting the PHEIC declaration by WHO 117 signals the urgent need for coronavirus vaccines and therapeutics. Knowing the atomic-level 118 structure of the spike will support precision vaccine design and discovery of antivirals, 119 facilitating medical countermeasure development. 120 . CC-BY 4.0 International license author/funder. It is made available under a The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.02.11.944462 doi: bioRxiv preprint**
+
+[Frontiers in antiviral therapy and immunotherapy](http://dx.doi.org/10.1002/cti2.1115)
+Authors: Heaton, Steven M
+Published: 2020-02-19 00:00:00
+Publication: Clin Transl Immunology
+Match (0.5435): **The increasing abundance of affordable, sensitive, high-throughput genome sequencing technologies has led to a recent boom in metagenomics and the cataloguing of the microbiome of our world. The MinION nanopore sequencer is one of the latest innovations in this space, enabling direct sequencing in a miniature form factor with only minimal sample preparation and a consumer-grade laptop computer. Nakagawa and colleagues here report on their latest experiments using this system, further improving its performance for use in resource-poor contexts for meningitis diagnoses. 9 While direct sequencing of viral genomic RNA is challenging, this system was recently used to directly sequence an RNA virus genome (IAV) for the first time. 10 I anticipate further improvements in the performance of such devices over the coming decade will transform virus surveillance efforts, the importance of which was underscored by the recent EboV and novel coronavirus (nCoV / COVID-19) outbreaks, enabling rapid deployment of antiviral treatments that take resistance-conferring mutations into account.**
+
+[Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review](https://doi.org/10.3390/jcm9030623)
+Authors: Pang, Junxiong; Wang, Min Xian; Ang, Ian Yi Han; Tan, Sharon Hui Xuan; Lewis, Ruth Frances; Chen, Jacinta I. Pei; Gutierrez, Ramona A.; Gwee, Sylvia Xiao Wei; Chua, Pearleen Ee Yong; Yang, Qian; Ng, Xian Yi; Yap, Rowena K. S.; Tan, Hao Yi; Teo, Yik Ying; Tan, Chorh Chuan; Cook, Alex R.; Yap, Jason Chin-Huat; Hsu, Li Yang
+Published: 2020-01-01 00:00:00
+Publication: Journal of Clinical Medicine
+Match (0.5420): **Potential Rapid Diagnostics, Vaccine and Therapeutics for 2019 Novel Coronavirus (2019-nCoV): A Systematic Review**
+
+[Rapid Molecular Detection of SARS-CoV-2 (COVID-19) Virus RNA Using Colorimetric LAMP](https://doi.org/doi.org/10.1101/2020.02.26.20028373)
+Authors: Yinhua Zhang; Nelson Odiwuor; Jin Xiong; Luo Sun; Raphael Ohuru Nyaruaba; Hongping Wei; Nathan A Tanner
+Published: 2020-02-29 00:00:00
+Match (0.5365): **is the (which was not peer-reviewed) The copyright holder for this preprint . https://doi.org /10.1101 /10. /2020 In conclusion, colorimetric LAMP provides a simple, rapid method for SARS-CoV-2 RNA detection. Not only purified RNA can be used as the sample input, but also direct tissue or cell lysate may be used without an RNA purification step. This combination of a quick sample preparation method with an easy detection process may allow the development of portable, field detection in addition to a rapid screening for point-of-need testing applications. This virus represents an emerging significant public health concern and expanding the scope of diagnostic utility to applications outside of traditional laboratories will enable greater prevention and surveillance approaches. The efforts made here will serve as a model for inevitable future outbreaks where the use of next generation portable diagnostics will dramatically expand the reach of our testing capabilities for better healthcare outcomes.**
+
+# Access to geographic and temporal diverse sample sets to understand geographic distribution and genomic differences, and determine whether there is more than one strain in circulation. Multi-lateral agreements such as the Nagoya Protocol could be leveraged. + +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5098): **Using a qualitative approach, this study allowed us to explore a variety of risk factors at different individual, community and policy levels to contextualize the risks of zoonotic disease emergence in local communities. The findings provide guidance for future in-depth research on specific risk factors, as well as zoonotic disease control and prevention in southern China and potentially other regions with similar ecological and social contexts.**
+
+[Evaluating the impact of international airline suspensions on the early global spread of COVID-19](https://doi.org/doi.org/10.1101/2020.02.20.20025882)
+Authors: Aniruddha Adiga; Srinivasan Venkatramanan; James Schlitt; Akhil Peddireddy; Allan Dickerman; Andrei Bura; Andrew Warren; Brian D Klahn; Chunhong Mao; Dawen Xie; Dustin Machi; Erin Raymond; Fanchao Meng; Golda Barrow; Henning Mortveit; Jiangzhuo Chen; Jim Walke; Joshua Goldstein; Mandy L Wilson; Mark Orr; Przemyslaw Porebski; Pyrros A Telionis; Richard Beckman; Stefan Hoops; Stephen Eubank; Young Yun Baek; Bryan Lewis; Madhav Marathe; Chris Barrett
+Published: 2020-02-23 00:00:00
+Match (0.5035): **Our work is an initial attempt at quantifying the impact of airline suspensions on COVID-19 direct importation risk. Some of the limitations of the current work can be overcome with more timely data availability and improved model assumptions. Firstly, the current observations are based on first official reports which in some cases can be quite different from first importations. Also, due to the evolving nature of the outbreak and limited observations, the linear estimator coefficients could change with new reports and altered travel conditions. While air traffic data from IATA allows us to quantify population exposure, (a) it is dated and may not be reflective of current conditions; (b) may not be representative of all human mobility between the countries. As we observed, some countries that are geographically closer to China (e.g., Nepal, Thailand and Japan) have very early arrival times (in relation to estimates based on effective distance). This highlights the need to account for multi-modal transport networks for quantifying the risk of global importations. However, this also raises concerns about other countries and regions (such as Pakistan, Myanmar and Northeastern India) which are geographically adjacent to China but haven't reported any cases yet. Notably, many of these regions scored relatively poorly on the indices of societal function, suggesting ties between the openness of a given regional government and the timeliness and accuracy of their data.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.4903): **Here we present a novel approach to gain insights into the transmission dynamics of an epidemic outbreak. Our method is based on Transcendental Information Cascades [16, 17] and combines gene sequence analysis with temporal data mining to uncover potential relationships between a virus' genetic evolution and distinct occurrences of infections. We apply this new approach to publicly available genomic sequence data from the currently ongoing outbreak of the 2019-nCoV coronavirus.**
+
+[Assessing spread risk of Wuhan novel coronavirus within and beyond China, January-April 2020: a travel network-based modelling study](https://doi.org/doi.org/10.1101/2020.02.04.20020479)
+Authors: Shengjie Lai; Isaac Bogoch; Nick Ruktanonchai; Alexander Watts; Xin Lu; Weizhong Yang; Hongjie Yu; Kamran Khan; Andrew J Tatem
+Published: 2020-02-05 00:00:00
+Match (0.4902): **Here we conducted a travel network-based analysis to explore patterns of domestic and international population movements from high-risk cities in China, and provide preliminary estimates of the potential risk of 2019-nCoV spreading across and beyond the country. Given the current epidemic and limited understanding of the epidemiology of this disease, our findings on travel patterns from historical data can help contribute to tailoring public health interventions.**
+
+[Study of the mental health status of medical personnel dealing with new coronavirus pneumonia](https://doi.org/doi.org/10.1101/2020.03.04.20030973)
+Authors: ning sun; jun xing; jun xu; ling shu geng; qian yu li
+Published: 2020-03-06 00:00:00
+Match (0.4865): **In this study, the applicability of the results is limited by the nature of cross-sectional studies, and because of its use of convenience sampling from 12 hospitals in eight provinces and cities of China. In subsequent research in this project, a longitudinal study should be conducted that uses a wider sample and measures the mental health status of medical personnel from multiple dimensions, which can help better identify the mutual influence between demographic data and mental health status.**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, Victor M; Landt, Olfert; Kaiser, Marco; Molenkamp, Richard; Meijer, Adam; Chu, Daniel KW; Bleicker, Tobias; Brünink, Sebastian; Schneider, Julia; Schmidt, Marie Luisa; Mulders, Daphne GJC; Haagmans, Bart L; van der Veer, Bas; van den Brink, Sharon; Wijsman, Lisa; Goderski, Gabriel; Romette, Jean-Louis; Ellis, Joanna; Zambon, Maria; Peiris, Malik; Goossens, Herman; Reusken, Chantal; Koopmans, Marion PG; Drosten, Christian
+Published: 2020-01-23 00:00:00
+Publication: Euro Surveill
+Match (0.4759): **The present report describes the establishment of a diagnostic workflow for detection of an emerging virus in the absence of physical sources of viral genomic nucleic acid. Effective assay design was enabled by the willingness of scientists from China to share genome information before formal publication, as well as the availability of broad sequence knowledge from ca 15 years of investigation of SARS-related viruses in animal reservoirs. The relative ease with which assays could be designed for this virus, in contrast to SARS-CoV in 2003, proves the huge collective value of descriptive studies of disease ecology and viral genome diversity [8, [15] [16] [17] .**
+
+[Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR](https://doi.org/10.2807/1560-7917.ES.2020.25.3.2000045)
+Authors: Corman, V. M.; Landt, O.; Kaiser, M.; Molenkamp, R.; Meijer, A.; Chu, D. K.; Bleicker, T.; Brünink, S.; Schneider, J.; Schmidt, M. L.; Mulders, D. G.; Haagmans, B. L.; van der Veer, B.; van den Brink, S.; Wijsman, L.; Goderski, G.; Romette, J. L.; Ellis, J.; Zambon, M.; Peiris, M.; Goossens, H.; Reusken, C.; Koopmans, M. P.; Drosten, C.
+Published: 2020-01-01 00:00:00
+Publication: Euro surveillance : bulletin Europeen sur les maladies transmissibles = European communicable disease bulletin
+Match (0.4759): **The present report describes the establishment of a diagnostic workflow for detection of an emerging virus in the absence of physical sources of viral genomic nucleic acid. Effective assay design was enabled by the willingness of scientists from China to share genome information before formal publication, as well as the availability of broad sequence knowledge from ca 15 years of investigation of SARS-related viruses in animal reservoirs. The relative ease with which assays could be designed for this virus, in contrast to SARS-CoV in 2003, proves the huge collective value of descriptive studies of disease ecology and viral genome diversity [8, [15] [16] [17] .**
+
+[No more business as usual: agile and effective responses to emerging pathogen threats require open data and open analytics](https://doi.org/doi.org/10.1101/2020.02.21.959973)
+Authors: Galaxy and HyPhy developments teams, ; Nekrutenko, A.; Kosakovsky Pond, S. L.
+Published: 2020-02-25 00:00:00
+Match (0.4731): **The initial publications describing genomic features of COVID-19 [1] [2] [3] [4] used Illumina and Oxford nanopore data to elucidate the sequence composition of patient specimens (although only Wu et al. [3] explicitly provided the accession numbers for their raw short read sequencing data). However, their approaches to processing, assembly, and analysis of raw data differed widely (Table 1) and ranged from transparent [3] to entirely opaque [4] . Such lack of analytical transparency sets a dangerous precedent. Infectious disease outbreaks often occur in locations where infrastructure necessary for data analysis may be inaccessible or unbiased interpretation of results may be politically untenable. As a consequence, there is a global need to ensure access to free, open, and robust analytical approaches that can be used by anyone in the world to analyze, interpret, and share data. Can existing tools and computational resources support such a global need? Here we show that they can: we analyzed all available raw COVID-19 data to demonstrate that analyses described in [1] [2] [3] [4] can be reproduced on public infrastructure using open source tools by any researcher with an Internet connection.**
+
+[Networks of information token recurrences derived from genomic sequences may reveal hidden patterns in epidemic outbreaks: A case study of the 2019-nCoV coronavirus.](https://doi.org/doi.org/10.1101/2020.02.07.20021139)
+Authors: Markus Luczak-Roesch
+Published: 2020-02-11 00:00:00
+Match (0.4728): **Our results show pathways of similarity between certain clusters of 2019-nCoV virus samples taken in different geographical locations, and indicate coronavirus cases that are candidates for further investigation into the human touch points of these patients in order to derive a detailed understanding of how the virus may have spread, and how and why it has genetically evolved. Our analysis provides a unique view to the dynamics of the 2019-nCoV coronavirus outbreak that complements knowledge obtained using other state-of-the-art methods such as Bayesian evolutionary analysis [9] .**
+
+[Contacts in context: large-scale setting-specific social mixing matrices from the BBC Pandemic project](https://doi.org/doi.org/10.1101/2020.02.16.20023754)
+Authors: Petra Klepac; Adam J Kucharski; Andrew JK Conlan; Stephen Kissler; Maria Tang; Hannah Fry; Julia R Gog
+Published: 2020-02-19 00:00:00
+Match (0.4676): **A landmark dataset of self-reported contacts was the POLYMOD study [22] , which collected social mixing data for 7,290 participants across eight European countries. These data have been 1 widely used to understand the epidemiology of infectious diseases [25] and inform policy-relevant disease modelling [23, 2] . However, the sample size for each country (e.g. 1,012 participants for Great Britain) limit the ability to stratify by multiple demographic factors and still obtain precise estimates of social mixing within those groups, and does not have details about the location of participants, which meant social contacts could not be compared between spatial covariates such as urban and rural setting. Moreover, the POLYMOD study was conducted in 2005-6, and so patterns may have changed since then.**
+
+# Evidence that livestock could be infected (e.g., field surveillance, genetic sequencing, receptor binding) and serve as a reservoir after the epidemic appears to be over. + +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.6262): **Emerging and re-emerging zoonotic diseases are key contributors to morbidity and mortality in southern China. 1, 2 This region, considered a 'hotspot' for emerging zoonotic diseases, harbours abundant wildlife while also undergoing land use change and natural resource overexploitation leading to intensified humananimal interactions that favour the emergence of zoonotic diseases. 3 People living in the rural areas of southern China primarily cultivate rice and fruits, raise swine and poultry in households or on small farms, 4 but also traditionally hunt wild animals as an alternative income source. 5 The mixed landscape has abundant crops, which attracts wild animals into the communities, and livestock rearing is common. 6 This brings humans and animals into close contact in dense populations, creating a wildlife-livestockhuman interface for zoonotic disease emergence. 7 In recognition of the challenges of emerging infectious diseases after the severe acute respiratory syndrome (SARS) outbreak in 2002 caused by a bat-origin coronavirus, the Chinese government established a national real-time hospital-based infectious disease reporting system. 1 Likewise, live poultry market interventions were initiated in response to highly pathogenic avian influenza (HPAI) in southern China in 2001. 8 In December 2019 (after the completion of the current study), a novel coronavirus (2019-nCoV) emerged in Wuhan, China and spread rapidly across China and the world. 9, 10 This virus is a group 2b coronavirus, which includes SARS-CoV and bat SARSr-CoVs, and its closest relative is a virus identified in a Rhinolophus affinis bat from Yunnan. 10, 11 Environmental samples positive for 2019-nCoV were found in an urban market in Wuhan where some of the earliest known human cases originated. 12, 13 This likely index site sold predominantly seafood, but is also thought to sell live wildlife at the market, and a temporary ban on the wildlife trade for food has been put in place across China. These efforts in response to SARS, HPAI and 2019-nCoV represent a reactiondriven response to zoonotic disease outbreaks, whereas, apart from the new temporary ban on wildlife trade, only limited preventative measures are currently being enacted in the region to reduce the risk of future zoonotic disease outbreaks. 14 However, detailed knowledge of the social and ecological mechanisms of zoonotic disease emergence in the region is limited, and therefore cannot yet inform evidence-based policies and practices for targeted surveillance programmes. 15 Using a qualitative approach through ethnographic interviews and field observations, this study aimed to understand interactions among humans, animals and ecosystems, to shed light on the zoonotic risks in these presumed high-risk communities and to develop an evidence base for identifying appropriate strategies for zoonotic risk mitigation.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.5891): **The second question is what is the source of this virus? The evidence is fairly clear: Most of the initial cases were linked to a seafood market that also sold butchered livestock meat and some wildlife. The virus itself appears to have a wildlife (bat) origin similar to SARS-CoV, which also emerged in a wildlife market through the interactions of humans and other animals that acted as the intermediate hosts of the virus [3, 8, 9] . With two disease outbreaks originating in China significantly linked to wildlife markets, this is an obvious target for control programs to prevent future epedemics and pandemics. Indeed, there have already been calls from Chinese conservationists, public health leaders and policy makers to reduce the wildlife consumption. However, banning or even reducing the sale of wild game may not be straightforward and it is challenging to change behaviors that are influenced by Chinese culture and traditions. In addition to a strong belief in the purported curative power of wildlife and their by-products, the consumption of the rare and expensive wildlife has become a social statement of wealth boosted by economic growth. Changing these cultural habits will take time, however, recent behavioral questionnaire data suggests a generational transformation with reduced wildlife consumption in the younger generation [10] . There is no doubt, however, that the wildlife trade has an inherent risk of bringing people close to pathogens that wildlife carry, that we have not yet encountered, and that have the potential of leading to the next outbreak.**
+
+[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.5849): **Determining the animal reservoir and incidental hosts of a virus with evidence of zoonosis such as 2019-nCoV is important for controlling spillover events and limiting human infections. Although the ecological reservoir for both MERS-CoV and SARS-CoV remain undefined, evidence of viral presence in a variety of animal species has been found. Serologic evidence and the isolation of viral genomic material for SARS-CoVrelated viruses have provided evidence for bats as the putative reservoir for SARS-CoV. While masked palm civets and raccoon dogs were involved in transmission to humans and initially considered potential reservoirs, they are now considered as incidental or spillover hosts [39] [40] [41] . In contrast, dromedary camels are considered to act a reservoir host for MERS-CoV, and over half of primary human infections report contact with camels, however, it is suspected that bats are likely the ancestral host for MERS-CoV or a MERS-CoV-like virus [42, 43] . Zoonotic transmission of SARS-CoV likely results from direct contact with intermediate hosts [44] , while human-to-human transmission of both viruses occurs primarily through close contact and nosocomial transmission via respiratory secretions [45, 46] . Considering the animals implicated as reservoir hosts for SARS-CoV and MERS-CoV, along with the conclusions from phylogenetic analyses from us and other groups, these potential reservoirs will be important starting points for investigation of the virus source.**
+
+[2019-nCoV in context: lessons learned?](https://doi.org/10.1016/S2542-5196(20)30035-8)
+Authors: Kock, Richard A.; Karesh, William B.; Veas, Francisco; Velavan, Thirumalaisamy P.; Simons, David; Mboera, Leonard E. G.; Dar, Osman; Arruda, Liã Bárbara; Zumla, Alimuddin
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Planetary Health
+Match (0.5832): **The emergence of a new coronavirus (2019-nCoV) in Wuhan creates a sense of déjà vu with the severe acute respiratory syndrome coronavirus (SARS-CoV) epidemic in China in 2003. Coronaviruses are enveloped, positivestranded RNA viruses of mammals and birds. These viruses have high mutation and gene recombination rates, making them ideal for pathogen evolution. 1 In humans, coronavirus is usually associated with mild disease, the common cold. Previous emerging novel coronaviruses, such as SARS-CoV and Middle East respiratory syndrome coronavirus (MERS-CoV), which emerged in the Middle East in 2012, were associated with severe and sometimes fatal disease. MERS-CoV was less pathogenic than SARS-CoV, with the most severe infections mainly in individuals with underlying illnesses. Clinically and epidemiologically, the contemporary 2019-nCoV in China seems to resemble SARS-CoV. The genome of 2019-nCoV also appears most closely related to SARS-CoV and related bat coronaviruses. 2 The infection has now spread widely, with phylogenetic analysis of the emerging viruses suggesting an initial single-locus zoonotic spillover event in November, 2019, 3 There is an increasing focus on the human-animalenvironment disease interface, as encompassed in the One Health concept. Mortalities, disability-adjusted life-years, and billions of dollars of economic losses from these infections demand action and investment in prevention to face novel challenges to human and animal health. Research has led to better understanding of the nature and drivers of cross-species viral jumps, but the detail is still elusive. No reservoir population of bats for SARS and MERS-CoV or Ebola virus have been definitively identified, despite considerable searching, possibly because of the source virus circulating in small and isolated populations. Forensic examination has clarified the human infection sources and multispecies involvement in these diseases, with some species confirmed as competent hosts (eg, camels for MERS-CoV 4 ), bridge (or amplifying) hosts (eg, pigs for Nipah virus, non-human primates for Ebola virus 5 ), or deadend hosts. The crucial checkpoint is the jump and bridging of the viruses to humans, which occurs most frequently through animal-based food systems. In the case of SARS, markets with live and dead animals of wild and domestic origins were the crucible for virus evolution and emergence in the human population. Once the viruses' functional proteins enabled cell entry in civets (Paguma larvata) and racoon dogs (Nyctereutes procyonoides), the bridge was established and it was only a matter of time before the jump to humans occurred. 6 Sequence comparison of civet viruses suggested evolution was ongoing; this was further supported by high seroprevalence of antibodies against SARS-CoV among civet sellers, suggesting previous cross-species transmission events without necessarily human-tohuman transmission. 7, 8 Similarly, early Ebola virus was mostly associated with bushmeat and its consumption in Africa; Nipah virus is associated with date palm sap, fruit, and domestic pig farms; MERS is associated with the camel livestock industry; and H5N1 arose from viral evolution in domestic and wild birds, to ultimately bring all these cases to humans. The 2019-nCoV is another virus in the pipeline that originated from contact with animals, in this case a seafood and animal market in Wuhan, China.**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5642): **A zoonotic reservoir harkens back to the emergence of both SARS-and MERS-CoV. SARS-CoV, the first highly pathogenic human CoV, emerged in 2002 with transmission from animals to humans occurring in wet markets. Surveillance efforts found SARS-CoV viral RNA in both palm civets and raccoon dogs sold in these wet markets [14] ; however, SARS-CoV was not found in the wild, suggesting that those species served as intermediary reservoir as the virus adapted to more efficiently infect humans. Further surveillance efforts identified highly related CoVs in bat species [15] . More recent work has demonstrated that several bat CoVs are capable of infecting human cells without a need for intermediate adaptation [16, 17] . Additionally, human serology data shows recognition of bat CoV proteins and indicates that low-level zoonotic transmission of SARS-like bat coronaviruses occurs outside of recognized outbreaks [18] . MERS-CoV is also a zoonotic virus with possible origins in bats [19, 20] , although camels are endemically infected and camel contact is frequently reported during primary MERS-CoV cases [21] . For SARS-CoV, strict quarantine and the culling of live markets in SE Asia played a major role in ending the outbreak. With the cultural importance of camels, a similar approach for MERS-CoV was not an option and periodic outbreaks continue in the Middle East. These lessons from SARS and MERS highlight the importance of rapidly finding the source for 2019-nCoV in order to stem the ongoing outbreak.**
+
+[The novel Coronavirus (SARS-CoV-2) is a one health issue](https://doi.org/10.1016/j.onehlt.2020.100123)
+Authors: Marty, Aileen Maria; Jones, Malcolm K.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5511): **One Health approaches attempt to strategize the coordinated efforts of multiple overlapping disciplines [19] , including environmental surveillance and environmental health. Primary components of the approach lie in animal health and environmental aspects. At the time of writing, the host from which the SARS-CoV-2 entered the human population is unknown although the suspicion is that food markets are likely sources for the original spillover. While the search for the natural host highly implicates bats [21] , search for the intermediary host, if any, is ongoing with the suggestions of the pangolin as a host far from certain. While it is premature to implicate any one particular urban source or natural host, the ensuing search will give insight into pathogens with potential to cross over into human transmission. This approach of environmental surveillance forms part of the PREDICT strategy [20] for detecting viruses with potential for spillover into human.**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.5470): **The wildlife trade has clearly played a role in the emergence of 2019-nCoV, as well as previous diseases in China (SARS) and across the world (e.g. monkeypox in the USA, Ebola in Africa, salmonellosis in the USA and Europe). China's response in the current outbreak was swift and broad: The index market was closed down immediately and once the virus spread, the wildlife trade was banned temporarily in certain provinces, then nationally. Our recent behavioral risk investigations in China identified low levels of environmental biosecurity and high levels of human-animal contact as key risk factors for zoonotic disease emergence, particularly in local wet and animal markets [23] . While the current wildlife trade bans may help disease control at this moment, to prevent future disease emergence, market biosecurity needs to be improved regarding the hygiene and sanitation facilities and regulations, and the source of animals traded at the market. From a viral emergence perspective, farmed animals are likely a lower risk than wild-caught animals. However, given the size of the wildlife farming industry in China, routine disease surveillance and veterinary care at farms and in transport to markets would need to be improved. The connection between this outbreak and wildlife trade have triggered a strong public opinion against wildlife consumption, and scientists have jointly called for an urgent amendment of the Wildlife Protection Law to standardize and manage wildlife trade as a public health and security issue. It requires collaboration among the State Forestry and Grassland Administration, Ministry of Agriculture and Rural Affairs, State Administration for Market Regulation and public health authorities to tackle this issue as a long-term goal.**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5361): **Wild animal, bats [10] is the most possible host of the 2019-nCoV. It requires further confirmation whether pneumonia infected by the 2019-nCoV is transmitted directly from bats or through an intermediate host. It is believed that clarifying the source of the virus will help determine zoonotic transmission patterns [11] .**
+
+[A rapid advice guideline for the diagnosis and treatment of 2019 novel coronavirus (2019-nCoV) infected pneumonia (standard version)](https://doi.org/10.1186/s40779-020-0233-6)
+Authors: Jin, Ying-Hui; Cai, Lin; Cheng, Zhen-Shun; Cheng, Hong; Deng, Tong; Fan, Yi-Pin; Fang, Cheng; Huang, Di; Huang, Lu-Qi; Huang, Qiao; Han, Yong; Hu, Bo; Hu, Fen; Li, Bing-Hui; Li, Yi-Rong; Liang, Ke; Lin, Li-Kai; Luo, Li-Sha; Ma, Jing; Ma, Lin-Lu; Peng, Zhi-Yong; Pan, Yun-Bao; Pan, Zhen-Yu; Ren, Xue-Qun; Sun, Hui-Min; Wang, Ying; Wang, Yun-Yun; Weng, Hong; Wei, Chao-Jie; Wu, Dong-Fang; Xia, Jian; Xiong, Yong; Xu, Hai-Bo; Yao, Xiao-Mei; Yuan, Yu-Feng; Ye, Tai-Sheng; Zhang, Xiao-Chun; Zhang, Ying-Wen; Zhang, Yin-Gao; Zhang, Hua-Min; Zhao, Yan; Zhao, Ming-Juan; Zi, Hao; Zeng, Xian-Tao; Wang, Yong-Yan; Wang, Xing-Huan; Management, for the Zhongnan Hospital of Wuhan University Novel Coronavirus; Research Team, Evidence-Based Medicine Chapter of China International Exchange; Promotive Association for, Medical; Health, Care
+Published: 2020-01-01 00:00:00
+Publication: Military Medical Research
+Match (0.5361): **Wild animal, bats [10] is the most possible host of the 2019-nCoV. It requires further confirmation whether pneumonia infected by the 2019-nCoV is transmitted directly from bats or through an intermediate host. It is believed that clarifying the source of the virus will help determine zoonotic transmission patterns [11] .**
+
+[The continuing 2019-nCoV epidemic threat of novel coronaviruses to global health — The latest 2019 novel coronavirus outbreak in Wuhan, China - International Journal of Infectious Diseases](https://doi.org/10.1016/j.ijid.2020.01.009)
+Authors: Hui, David S.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.5342): **However, many questions about the new coronavirus remain. While it appears to be transmitted to humans via animals, the specific animals and other reservoirs need to be identified, the transmission route, the incubation period and characteristics of the susceptible population and survival rates. infection and data are missing in regard to the age range, animal source of the virus, incubation period, epidemic curve, viral kinetics, transmission route, pathogenesis, autopsy findings and any treatment response to antivirals among the severe cases. Once there is any clue to the source of animals being responsible for this outbreak, global public health authorities should examine the trading route and source of movement of animals or products taken from the wild or captive conditions from other parts to Wuhan and consider appropriate trading restrictions or other control measures to limit. The rapid identification and containment of a novel coronavirus virus in a short period of time is a reassuring and a commendable achievement by China's public health authorities and reflects the increasing global capacity to detect, identify, define and contain new outbreaks. The latest analysis show that the Wuhan CoV cluster with the SARS CoV.10 (Novel coronavirus -China (01) Whilst several important aspects of MERS-CoV epidemiology, virology, mode of transmission, pathogenesis, diagnosis, clinical features, have been defined, there remain many unanswered questions, including source, transmission and epidemic potential. The Wuhan outbreak is a stark reminder of the continuing threat of zoonotic diseases to global health security. More significant and better targeted investments are required for a more concerted and collaborative global effort, learning from experiences from all geographical regions, through a 'ONE-HUMAN-ENIVRONMENTAL-ANIMAL-HEALTH' global consortium to reduce the global threat of zoonotic diseases (Zumla et al., 2016) . Sharing experience and learning from all geographical regions and across disciplines will be key to sustaining and further developing the progress being made. **
+
+# Evidence of whether farmers are infected, and whether farmers could have played a role in the origin. + +[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.4760): **The second question is what is the source of this virus? The evidence is fairly clear: Most of the initial cases were linked to a seafood market that also sold butchered livestock meat and some wildlife. The virus itself appears to have a wildlife (bat) origin similar to SARS-CoV, which also emerged in a wildlife market through the interactions of humans and other animals that acted as the intermediate hosts of the virus [3, 8, 9] . With two disease outbreaks originating in China significantly linked to wildlife markets, this is an obvious target for control programs to prevent future epedemics and pandemics. Indeed, there have already been calls from Chinese conservationists, public health leaders and policy makers to reduce the wildlife consumption. However, banning or even reducing the sale of wild game may not be straightforward and it is challenging to change behaviors that are influenced by Chinese culture and traditions. In addition to a strong belief in the purported curative power of wildlife and their by-products, the consumption of the rare and expensive wildlife has become a social statement of wealth boosted by economic growth. Changing these cultural habits will take time, however, recent behavioral questionnaire data suggests a generational transformation with reduced wildlife consumption in the younger generation [10] . There is no doubt, however, that the wildlife trade has an inherent risk of bringing people close to pathogens that wildlife carry, that we have not yet encountered, and that have the potential of leading to the next outbreak.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4694): **In spite of these positive changes over the long term, there is little understanding within enrolled participants of the transmission mechanisms and ecology of zoonotic pathogens that currently circulate in animal populations in the region. This is of particular concern in rural communities where close contact with bats and rodents was reported, and zoonotic pathogens have been detected in the widely distributed animal populations with 'Mainly relies on the forest department and nature reserve. We go to village in a specific month every year to educate local people' (male staff member of local nature reserve, 30-y-old, Guangxi). 'They do not collect samples for transportation licence of farmed animals; for Inspection and quarantine certificate, they will sampling everything, including water, feeding stuff, oral, blood and rectal of animals regularly' (male bamboo rat farmer, 56-y-old, Guangxi). Human animal conflict Interviewer: 'Is there governmental compensation system if animals damage crops?' Interviewee: 'No, our winner bamboo shoots are eaten by wild boars. Nothing will be left once they come, and they run so fast. But there is no compensation, they sometimes run to the orchard to eat oranges and damage many trees. Even purple yams my mum planted are eaten' (male peasant farmer, 50-y-old, Guangdong). the potential to spill over into the human population. 20, [32] [33] [34] [35] In addition, rural residents may face a higher risk because of their limited access to quality healthcare facilities for proper diagnosis and treatment compared with urban residents. 36 Enforcement of current wildlife protection policy and continued community infrastructure development appears to significantly reduce high-risk contact between humans, wildlife and livestock. Closer collaboration between local animal and human health authorities within the current epidemic disease prevention programmes will provide educational and training opportunities to promote risk-mitigation knowledge, skills and best practice in local communities. For example, cave monitoring and management is a low-cost and efficient method to help restrict human activities (e.g. recreation and mining) that lead to contact with bats in caves. This is of particular importance given the emergence of 2019-nCoV, which appears likely to be a bat-origin coronavirus. 10, 11 As the first qualitative study in southern China to assess risk factors for zoonotic disease emergence, our scope was limited by current knowledge, only allowing us to focus on known presumed risk factors. With further urbanization, and subsequent increased interactions between human populations and the changing ecosystems, new risk factors for zoonotic disease transmission will likely emerge. This might include changes to the wildlife trade following the temporary ban put in place as a response to the emergence of 2019-nCoV. 9,10 Further research to identify the risk factors among different populations will help develop more locally-relevant and fine-tuned risk mitigation strategies and address the social and ecological bias to identifying recommendations for other community settings.**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.4480): **While the Huanan seafood market in Wuhan has been associated with the majority of cases, many of the recent cases do not have a direct connection [9] . This fact suggests a secondary source of infection, either human to human transmission or possibly infected animals in another market in Wuhan. Both possibilities represent major concerns and indicate the outbreak has the potential to expand rapidly. For human to human transmission, there was limited data in the initial set of cases; one family cluster is of three men who all work in the market. Similarly, a husband and wife are among the patients, with the wife claiming no contact with the market. In these cases, direct human to human infection may have been possible; alternatively, a contaminated fomite from the market may also be responsible as surfaces all around the market were found to test positive 2019-nCoV. However, the major increase in the number of cases, the lack of direct connection to the Wuhan market for many cases, and the infection of health care works all suggest human to human spread is likely [9, 44] . Importantly, until the source of the virus is found, it will be difficult to distinguish zoonotic versus human to human spread.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4371): **Emerging and re-emerging zoonotic diseases are key contributors to morbidity and mortality in southern China. 1, 2 This region, considered a 'hotspot' for emerging zoonotic diseases, harbours abundant wildlife while also undergoing land use change and natural resource overexploitation leading to intensified humananimal interactions that favour the emergence of zoonotic diseases. 3 People living in the rural areas of southern China primarily cultivate rice and fruits, raise swine and poultry in households or on small farms, 4 but also traditionally hunt wild animals as an alternative income source. 5 The mixed landscape has abundant crops, which attracts wild animals into the communities, and livestock rearing is common. 6 This brings humans and animals into close contact in dense populations, creating a wildlife-livestockhuman interface for zoonotic disease emergence. 7 In recognition of the challenges of emerging infectious diseases after the severe acute respiratory syndrome (SARS) outbreak in 2002 caused by a bat-origin coronavirus, the Chinese government established a national real-time hospital-based infectious disease reporting system. 1 Likewise, live poultry market interventions were initiated in response to highly pathogenic avian influenza (HPAI) in southern China in 2001. 8 In December 2019 (after the completion of the current study), a novel coronavirus (2019-nCoV) emerged in Wuhan, China and spread rapidly across China and the world. 9, 10 This virus is a group 2b coronavirus, which includes SARS-CoV and bat SARSr-CoVs, and its closest relative is a virus identified in a Rhinolophus affinis bat from Yunnan. 10, 11 Environmental samples positive for 2019-nCoV were found in an urban market in Wuhan where some of the earliest known human cases originated. 12, 13 This likely index site sold predominantly seafood, but is also thought to sell live wildlife at the market, and a temporary ban on the wildlife trade for food has been put in place across China. These efforts in response to SARS, HPAI and 2019-nCoV represent a reactiondriven response to zoonotic disease outbreaks, whereas, apart from the new temporary ban on wildlife trade, only limited preventative measures are currently being enacted in the region to reduce the risk of future zoonotic disease outbreaks. 14 However, detailed knowledge of the social and ecological mechanisms of zoonotic disease emergence in the region is limited, and therefore cannot yet inform evidence-based policies and practices for targeted surveillance programmes. 15 Using a qualitative approach through ethnographic interviews and field observations, this study aimed to understand interactions among humans, animals and ecosystems, to shed light on the zoonotic risks in these presumed high-risk communities and to develop an evidence base for identifying appropriate strategies for zoonotic risk mitigation.**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.4342): **We believe that the keys to quelling outbreaks of zoonotic viral diseases such as COVID-19 and preventing future outbreaks are changing the false beliefs and dangerous habits regarding eating wild animal products and strengthening regulations on wet markets. Firstly, healthy diets need to be vigorously promoted in China. Health China 2030 promotes healthy diets, but does not discuss the risks of eating wild animals. We also believe the internet and social media can be an effective channel to promote healthy eating habits and reduce the inappropriate and outdated tradition of eating wild animal products. 25, 30 Since the outbreak, spontaneous initiatives have emerged on the internet to explain the risks of and resist consuming wild animals. Secondly, live animal transactions should be more strictly regulated, and wild animal transactions should be even prohibited in the long term. While different animals should be sold separately in specific wet markets to lower risks of virus transmission, in practice, various kinds of live animals are sold together within one market, as found in Huanan Seafood All rights reserved. No reuse allowed without permission. the author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4284): **On the whole, many participants reported that wild animal hunting, trading or consumption activities have decreased in recent years; however, local communities were still reporting hunting or consumption of some wild animals (e.g. rodents, bats, civets, frogs, snakes and birds) for recreation or additional income. Some participants indicated a preference for wild over domestic animals for consumption; many also held a belief in the purported curative power of wild animals or their by-products. Most participants were fully informed about rabies and the link to dog bites, as well as the postexposure treatment; however, few were aware of other zoonotic diseases and their origin in animals (Box 1).**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.4196): **The source of the 2019-nCoV is still unknown, although the initial cases have been associated with the Huanan South China Seafood Market. While many of the early patients worked in or visited the market, none of the exported cases had contact with the market, suggesting either human to human transmission or a more widespread animal source [6] . In addition to seafood, it is reported on social media that snakes, birds and other small mammals including marmots and bats were sold at the Huanan South China Seafood Market. The WHO reported that environmental samples taken from the marketplace have come back positive for the novel coronavirus, but no specific animal association has been identified [6] . An initial report suggested that snakes might be the possible source based on codon usage [12] , but the assertion has been disputed by others [13] . Researchers are currently working to identify the source of 2019-nCoV including possible intermediate animal vectors.**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.4162): **Those under 18 years are a critical group to study in order to tease out the relative roles of susceptibility vs severity as possible underlying causes for the very rare recorded instances of infection in this age group. Are children protected from infection or do they not fall ill after infection? If they are naturally immune, which is unlikely, we should understand why; otherwise, even if they do not show symptoms, it is important to know if they shed the virus. Obviously, the question about virus shedding of those being infected but asymptomatic leads to the crucial question of infectivity. Answers to these questions are especially pertinent as basis for decisions on school closure as a social distancing intervention, which can be hugely disruptive not only for students but also because of its knock-on effect for child care and parental duties. Very few children have been confirmed 2019-nCoV cases so far but that does not necessarily mean that they are less susceptible or that they could not be latent carriers. Serosurveys in affected locations could inform this, in addition to truly assessing the clinical severity spectrum.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4054): **The Yunnan, Guangxi and Guangdong provinces in southern China were selected for this study because of their historical importance in the origin of emerging infectious diseases, 16 diverse wildlife population within protected forests 17 and intensive wildlife farming and trade activities. 18 Three sites in rural areas were identified in each province where our previous research had found numerous bat and rodent populations harbouring viruses with pathogenic potential for humans, at sites close to human communities. [19] [20] [21] Enrolment criteria for participation in an ethnographic interview in this study included: individuals were residents of the target community, aged ≥18 y, with prior contact with live animals directly (e.g. by raising, hunting, trading or slaughtering live animals) or indirectly (e.g. through animals living in or entering dwellings/crops, bat roosts within roofs, animals invading stored food or crops). We targeted a gender breakdown of 35% of participants being female and aimed to have a diverse sample of participants from different age groups and levels of power and influence in the community.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.4001): **Regarding SARS-CoV-2 in particular, there are several aspects that needs a One Health approach in order to understand the outbreak, and to mitigate further outbreaks of a similar virus. SARS-CoV-2 is likely a bat-origin coronavirus that was transmitted to humans through a spill over from bats or through an undetermined yet intermediate animal host (avian, swine, phocine, bovine, canine, other species) or wild animals. Figure 3 depicts a transmission hypothesis of SARS-CoV-2 outbreak, yet the intermediate host is to be determined. The list of animals which were sold range between poultry (turkey, pheasants, geese, roosters, doves, and wild birds (Peacocks swans, and exotic animals, to reptiles and hedgehogs. The animal list included frogs, camels, wild rabbits, reptiles, snakes, deer, crocodiles, Kangaroos, snails, civet cats, goats, centipedes, and cicades [45, 46] . There are no data available in scientific literature on the detection and isolation of SARS-CoV-2 from environmental samples. However, it was recently reported that the Chinese Centers for Disease Control and Prevention isolated SARS-CoV-2 from 33 samples out of 585 environmental samples collected from Huanan Seafood Market [47] . process, and they need to be addressed in any true One Health approach [48] . However, it is crucial to consider the cultural context of these markets meaning that again, social sciences are important in this process. Also, this means that the most viable solution may not be to close down live animal markets but perhaps to 'sector' them so that fewer different species mingle in one specific market and that the specific intermediate host(s) for SARS-CoV-2 may be removed from the markets, or rigorously tested for the virus.**
+
+# Surveillance of mixed wildlife- livestock farms for SARS-CoV-2 and other coronaviruses in Southeast Asia. + +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.7428): **Emerging and re-emerging zoonotic diseases are key contributors to morbidity and mortality in southern China. 1, 2 This region, considered a 'hotspot' for emerging zoonotic diseases, harbours abundant wildlife while also undergoing land use change and natural resource overexploitation leading to intensified humananimal interactions that favour the emergence of zoonotic diseases. 3 People living in the rural areas of southern China primarily cultivate rice and fruits, raise swine and poultry in households or on small farms, 4 but also traditionally hunt wild animals as an alternative income source. 5 The mixed landscape has abundant crops, which attracts wild animals into the communities, and livestock rearing is common. 6 This brings humans and animals into close contact in dense populations, creating a wildlife-livestockhuman interface for zoonotic disease emergence. 7 In recognition of the challenges of emerging infectious diseases after the severe acute respiratory syndrome (SARS) outbreak in 2002 caused by a bat-origin coronavirus, the Chinese government established a national real-time hospital-based infectious disease reporting system. 1 Likewise, live poultry market interventions were initiated in response to highly pathogenic avian influenza (HPAI) in southern China in 2001. 8 In December 2019 (after the completion of the current study), a novel coronavirus (2019-nCoV) emerged in Wuhan, China and spread rapidly across China and the world. 9, 10 This virus is a group 2b coronavirus, which includes SARS-CoV and bat SARSr-CoVs, and its closest relative is a virus identified in a Rhinolophus affinis bat from Yunnan. 10, 11 Environmental samples positive for 2019-nCoV were found in an urban market in Wuhan where some of the earliest known human cases originated. 12, 13 This likely index site sold predominantly seafood, but is also thought to sell live wildlife at the market, and a temporary ban on the wildlife trade for food has been put in place across China. These efforts in response to SARS, HPAI and 2019-nCoV represent a reactiondriven response to zoonotic disease outbreaks, whereas, apart from the new temporary ban on wildlife trade, only limited preventative measures are currently being enacted in the region to reduce the risk of future zoonotic disease outbreaks. 14 However, detailed knowledge of the social and ecological mechanisms of zoonotic disease emergence in the region is limited, and therefore cannot yet inform evidence-based policies and practices for targeted surveillance programmes. 15 Using a qualitative approach through ethnographic interviews and field observations, this study aimed to understand interactions among humans, animals and ecosystems, to shed light on the zoonotic risks in these presumed high-risk communities and to develop an evidence base for identifying appropriate strategies for zoonotic risk mitigation.**
+
+[Insights into Cross-species Evolution of Novel Human Coronavirus 2019-nCoV and Defining Immune Determinants for Vaccine Development](https://doi.org/doi.org/10.1101/2020.01.29.925867)
+Authors: Ramaiah, A.; Arumugaswami, V.
+Published: 2020-02-04 00:00:00
+Match (0.6904): **The recent two CoV human outbreaks were caused by betacoronaviruses, SARS-CoV The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org/10.1101/2020.01.29.925867 doi: bioRxiv preprint While the 2019-CoV appears to be a zoonotic infectious disease, the specific animal species and other reservoirs need to be clearly defined. Identification of the source animal species for this outbreak would facilitate global public health authorities to inspect the trading route and the movement of wild and domestic animals to Wuhan and taking control measures to limit the spread of this disease 7 . The 2019-nCoV outbreak has a fatality rate of 2% with significant impact on global health and economy. As of 29 January 2020, the 2019-nCoV has spread to fifteen countries including Asia-Pacific region (Thailand, Japan, The Republic of Korea, Malaysia, Cambodia, Sri Lanka, Nepal, Vietnam, Singapore, and Australia), United Arab Emirates, France, Germany, Canada and the United States with 6065 confirmed cases, in which 5997 reported from China 8 .**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.6231): **Regarding SARS-CoV-2 in particular, there are several aspects that needs a One Health approach in order to understand the outbreak, and to mitigate further outbreaks of a similar virus. SARS-CoV-2 is likely a bat-origin coronavirus that was transmitted to humans through a spill over from bats or through an undetermined yet intermediate animal host (avian, swine, phocine, bovine, canine, other species) or wild animals. Figure 3 depicts a transmission hypothesis of SARS-CoV-2 outbreak, yet the intermediate host is to be determined. The list of animals which were sold range between poultry (turkey, pheasants, geese, roosters, doves, and wild birds (Peacocks swans, and exotic animals, to reptiles and hedgehogs. The animal list included frogs, camels, wild rabbits, reptiles, snakes, deer, crocodiles, Kangaroos, snails, civet cats, goats, centipedes, and cicades [45, 46] . There are no data available in scientific literature on the detection and isolation of SARS-CoV-2 from environmental samples. However, it was recently reported that the Chinese Centers for Disease Control and Prevention isolated SARS-CoV-2 from 33 samples out of 585 environmental samples collected from Huanan Seafood Market [47] . process, and they need to be addressed in any true One Health approach [48] . However, it is crucial to consider the cultural context of these markets meaning that again, social sciences are important in this process. Also, this means that the most viable solution may not be to close down live animal markets but perhaps to 'sector' them so that fewer different species mingle in one specific market and that the specific intermediate host(s) for SARS-CoV-2 may be removed from the markets, or rigorously tested for the virus.**
+
+[Prediction of New Coronavirus Infection Based on a Modified SEIR Model](https://doi.org/doi.org/10.1101/2020.03.03.20030858)
+Authors: Zhou Tang; Xianbin Li; Houqiang Li
+Published: 2020-03-06 00:00:00
+Match (0.5956): **At the beginning of the outbreak of the new coronavirus infection, some cases were related to the South China Seafood Market in Wuhan, Hubei. At first, it was diagnosed as "unexplained pneumonia", but it quickly spread to all parts of the country and parts of Southeast Asia, North America, and Europe. Wuhan City, Hubei Province, as a place of communication between the nine provinces, the large population movement, the influence of geographical factors, and the transmission characteristics of the new coronavirus have added many difficulties to the prevention and control of the epidemic. As of 13th February 2020, an outbreak of COVID-19 has resulted in 46,997 confirmed cases 1 CC-BY-NC-ND 4.0 International license It is made available under a author/funder, who has granted medRxiv a license to display the preprint in perpetuity.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5916): **A qualitative study of zoonotic risk factors among rural communities in southern China**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5859): **The Yunnan, Guangxi and Guangdong provinces in southern China were selected for this study because of their historical importance in the origin of emerging infectious diseases, 16 diverse wildlife population within protected forests 17 and intensive wildlife farming and trade activities. 18 Three sites in rural areas were identified in each province where our previous research had found numerous bat and rodent populations harbouring viruses with pathogenic potential for humans, at sites close to human communities. [19] [20] [21] Enrolment criteria for participation in an ethnographic interview in this study included: individuals were residents of the target community, aged ≥18 y, with prior contact with live animals directly (e.g. by raising, hunting, trading or slaughtering live animals) or indirectly (e.g. through animals living in or entering dwellings/crops, bat roosts within roofs, animals invading stored food or crops). We targeted a gender breakdown of 35% of participants being female and aimed to have a diverse sample of participants from different age groups and levels of power and influence in the community.**
+
+[Passengers' destinations from China: low risk of Novel Coronavirus (2019-nCoV) transmission into Africa and South America](https://doi.org/10.1017/S0950268820000424)
+Authors: Haider, Najmul; Yavlinsky, Alexei; Simons, David; Osman, Abdinasir Yusuf; Ntoumi, Francine; Zumla, Alimuddin; Kock, Richard
+Published: 2020-01-01 00:00:00
+Publication: Epidemiol Infect
+Match (0.5842): **Passengers' destinations from China: low risk of Novel Coronavirus (2019-nCoV) transmission into Africa and South America**
+
+[2019-nCoV in context: lessons learned?](https://doi.org/10.1016/S2542-5196(20)30035-8)
+Authors: Kock, Richard A.; Karesh, William B.; Veas, Francisco; Velavan, Thirumalaisamy P.; Simons, David; Mboera, Leonard E. G.; Dar, Osman; Arruda, Liã Bárbara; Zumla, Alimuddin
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Planetary Health
+Match (0.5830): **The emergence of a new coronavirus (2019-nCoV) in Wuhan creates a sense of déjà vu with the severe acute respiratory syndrome coronavirus (SARS-CoV) epidemic in China in 2003. Coronaviruses are enveloped, positivestranded RNA viruses of mammals and birds. These viruses have high mutation and gene recombination rates, making them ideal for pathogen evolution. 1 In humans, coronavirus is usually associated with mild disease, the common cold. Previous emerging novel coronaviruses, such as SARS-CoV and Middle East respiratory syndrome coronavirus (MERS-CoV), which emerged in the Middle East in 2012, were associated with severe and sometimes fatal disease. MERS-CoV was less pathogenic than SARS-CoV, with the most severe infections mainly in individuals with underlying illnesses. Clinically and epidemiologically, the contemporary 2019-nCoV in China seems to resemble SARS-CoV. The genome of 2019-nCoV also appears most closely related to SARS-CoV and related bat coronaviruses. 2 The infection has now spread widely, with phylogenetic analysis of the emerging viruses suggesting an initial single-locus zoonotic spillover event in November, 2019, 3 There is an increasing focus on the human-animalenvironment disease interface, as encompassed in the One Health concept. Mortalities, disability-adjusted life-years, and billions of dollars of economic losses from these infections demand action and investment in prevention to face novel challenges to human and animal health. Research has led to better understanding of the nature and drivers of cross-species viral jumps, but the detail is still elusive. No reservoir population of bats for SARS and MERS-CoV or Ebola virus have been definitively identified, despite considerable searching, possibly because of the source virus circulating in small and isolated populations. Forensic examination has clarified the human infection sources and multispecies involvement in these diseases, with some species confirmed as competent hosts (eg, camels for MERS-CoV 4 ), bridge (or amplifying) hosts (eg, pigs for Nipah virus, non-human primates for Ebola virus 5 ), or deadend hosts. The crucial checkpoint is the jump and bridging of the viruses to humans, which occurs most frequently through animal-based food systems. In the case of SARS, markets with live and dead animals of wild and domestic origins were the crucible for virus evolution and emergence in the human population. Once the viruses' functional proteins enabled cell entry in civets (Paguma larvata) and racoon dogs (Nyctereutes procyonoides), the bridge was established and it was only a matter of time before the jump to humans occurred. 6 Sequence comparison of civet viruses suggested evolution was ongoing; this was further supported by high seroprevalence of antibodies against SARS-CoV among civet sellers, suggesting previous cross-species transmission events without necessarily human-tohuman transmission. 7, 8 Similarly, early Ebola virus was mostly associated with bushmeat and its consumption in Africa; Nipah virus is associated with date palm sap, fruit, and domestic pig farms; MERS is associated with the camel livestock industry; and H5N1 arose from viral evolution in domestic and wild birds, to ultimately bring all these cases to humans. The 2019-nCoV is another virus in the pipeline that originated from contact with animals, in this case a seafood and animal market in Wuhan, China.**
+
+[The continuing 2019-nCoV epidemic threat of novel coronaviruses to global health — The latest 2019 novel coronavirus outbreak in Wuhan, China - International Journal of Infectious Diseases](https://doi.org/10.1016/j.ijid.2020.01.009)
+Authors: Hui, David S.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.5817): **The city of Wuhan in China is the focus of global attention due to an outbreak of a febrile respiratory illness due to a coronavirus 2019-nCoV. In December 2019, there was an outbreak of pneumonia of unknown cause in Wuhan, Hubei province in China, with an epidemiological link to the Huanan Seafood Wholesale Market where there was also sale of live animals. Notification of the WHO on 31 Dec 2019 by the Chinese Health Authorities has prompted health authorities in Hong Kong, Macau, and Taiwan to step up border surveillance, and generated concern and fears that it could mark the emergence of a novel and serious threat to public health (WHO, 2020a; Parr, 2020) .**
+
+[Public Exposure to Live Animals, Behavioural Change, and Support in Containment Measures in response to COVID-19 Outbreak: a population-based cross sectional survey in China](https://doi.org/doi.org/10.1101/2020.02.21.20026146)
+Authors: Zhiyuan Hou; Leesa Lin; Liang Lu; Fanxing Du; Mengcen Qian; Yuxia Liang; Juanjuan Zhang; Hongjie Yu
+Published: 2020-02-23 00:00:00
+Match (0.5802): **Early in December 2019, several pneumonia cases caused by the novel coronavirus (now known as were first reported in Wuhan city, China. [1] [2] [3] The majority of the earliest cases were epidemiologically traced to the local Huanan (Southern China) Seafood Wholesale Market, where some wild animals were sold. [1] [2] [3] [4] On Jan 26, novel coronavirus was detected in environmental samples from this market by China CDC, suggesting that the virus possibly originated in wild animals sold in the market. [3] [4] This pathogenic virus has been identified as a new strain of coronavirus, which is in the same family as severe acute respiratory syndrome coronavirus (SARS-CoV) and Middle East respiratory syndrome coronavirus (MERS-CoV). [4] [5] The COVID-19 outbreak was declared by World Health Organization as a Public Health Emergency of International Concern (PHEIC) on Jan 30, 2020. 6 As of Feb 16, 2020, a total of 70,548 cases have been reported in mainland China, with 1,770 resulting deaths. 7 The outbreak has now spread beyond China to twenty-five other countries. 8 The SARS-CoV and MERS-CoV were proven to have originated from wild animals. [9] [10] [11] [12] [13] [14] The COVID-19 is also likely to have a zoonotic origin. The practice of consuming wild animal products in China dates back to prehistoric times and persists into today. 9 Trade and consumption of wild animals were not well regulated even after SARS. Until the amendment of Wild Animal Protection Act in 2016, the prohibition was firstly added, but only for a short list of the nationally protected animals. Previous studies explored population exposure to live poultry in China, [15] [16] [17] but information on exposure to wild animals is limited.**
+
+# Experimental infections to test host range for this pathogen. + +[Epidemiological Identification of A Novel Pathogen in Real Time: Analysis of the Atypical Pneumonia Outbreak in Wuhan, China, 2019-2020](https://doi.org/10.3390/jcm9030637)
+Authors: Jung, Sung-Mok; Kinoshita, Ryo; Thompson, Robin N.; Linton, Natalie M.; Yang, Yichi; Akhmetzhanov, Andrei R.; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4285): **When sufficient clinical details of cases (e.g., complete blood cell counts) are available, the number of causative pathogens considered can be limited to a reasonable number. In this instance, atypical pneumonia combined with reduced white blood cell counts and the lack of response to antibiotics indicated that the pathogen was consistent with viral rather than bacterial infection. With such information, non-virological data can be used for convenient quantification of the probability that the outbreak was due to a novel pathogen, while awaiting the results of virological tests. We believe that the proposed approach can improve risk assessment practices across the world.**
+
+[Epidemiological Identification of A Novel Pathogen in Real Time: Analysis of the Atypical Pneumonia Outbreak in Wuhan, China, 2019-2020](https://doi.org/10.3390/jcm9030637)
+Authors: Jung, Sung-Mok; Kinoshita, Ryo; Thompson, Robin N.; Linton, Natalie M.; Yang, Yichi; Akhmetzhanov, Andrei R.; Nishiura, Hiroshi
+Published: 2020-01-01 00:00:00
+Publication: J Clin Med
+Match (0.4092): **In the past, descriptive outbreak information has been used to generate outbreak case definitions, and causative agents have been pinpointed without using statistical methods in combination with epidemiological observations. In the present study, we have shown that such assessments can be made quantitatively using a simple statistical model, allowing for comparisons between the possible causative agents among different candidates. When outbreak characteristics are shared and updated in real-time (Table 1) , these data can contribute to efforts to narrow down the possible range of causative agents. In the case of the outbreak in Wuhan, our calculation of the probability that each pathogen is the causative agent indicates that virological exclusion of influenza viruses, adenoviruses and known virulent coronaviruses associated with SARS and MERS on 3 and 5 January 2020 can be regarded as an "unsurprising" finding.**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.4023): **However, the host of a given virus may be uncertain, and virus pathogenicity remains unknown for a major (and fast-growing) proportion of viruses, including many coronaviruses discovered in metagenomics studies using next-generation sequencing technology of environmental samples 47, 48 . These studies have identified huge numbers of viruses that circulate in nature and have never been characterized at the phenotypic level. Thus, the genome sequence is the only characteristic that is known for the vast majority of viruses, and needs to be used in defining specific viruses. In this framework, a virus is defined by a genome sequence that is capable of autonomous replication inside cells and dissemination between cells or organisms under appropriate conditions. It may or may not be harmful to its natural host. Experimental studies may be performed for a fraction of known viruses, while computational comparative genomics is used to classify (and deduce characteristics of) all viruses. Accordingly, virus naming is not necessarily connected to disease but rather informed by other characteristics.**
+
+[Exuberant elevation of IP-10, MCP-3 and IL-1ra during SARS-CoV-2 infection is associated with disease severity and fatal outcome](https://doi.org/doi.org/10.1101/2020.03.02.20029975)
+Authors: Yang Yang; Chenguang Shen; Jinxiu Li; Jing Yuan; Minghui Yang; Fuxiang Wang; Guobao Li; Yanjie Li; Li Xing; Ling Peng; Jinli Wei; Mengli Cao; Haixia Zheng; Weibo Wu; Rongrong Zou; Delin Li; Zhixiang Xu; Haiyan Wang; Mingxia Zhang; Zheng Zhang; Lei Liu; Yingxia Liu
+Published: 2020-03-06 00:00:00
+Match (0.4018): **indicating an important role in the pathogenesis of these viruses 2,32 . Accordingly, not 1 3 1 only the pathogens but also the pathogen induced cytokine storm should be 1 3 2 considered during the treatment. Therapy strategy with a combination of antimicrobial 1 3 3**
+
+[The species Severe acute respiratory syndrome-related coronavirus: classifying 2019-nCoV and naming it SARS-CoV-2](https://doi.org/10.1038/s41564-020-0695-z)
+Authors: Gorbalenya, Alexander E.; Baker, Susan C.; Baric, Ralph S.; de Groot, Raoul J.; Drosten, Christian; Gulyaeva, Anastasia A.; Haagmans, Bart L.; Lauber, Chris; Leontovich, Andrey M.; Neuman, Benjamin W.; Penzar, Dmitry; Perlman, Stanley; Poon, Leo L. M.; Samborskiy, Dmitry V.; Sidorov, Igor A.; Sola, Isabel; Ziebuhr, John; Coronaviridae Study Group of the International Committee on Taxonomy of, Viruses
+Published: 2020-01-01 00:00:00
+Publication: Nature Microbiology
+Match (0.3931): **Historically, public health and fundamental research have been focused on the detection, containment, treatment and analysis of viruses that are pathogenic to humans following their discovery (a reactive approach). Exploring and defining their biological characteristics in the context of the entire natural diversity as a species has never been a priority. The emergence of SARS-CoV-2 as a human pathogen in December 2019 may thus be perceived as completely independent from the SARS-CoV outbreak in 2002-2003.**
+
+[Host and infectivity prediction of Wuhan 2019 novel coronavirus using deep learning algorithm](https://doi.org/doi.org/10.1101/2020.01.21.914044)
+Authors: Guo, Q.; Li, M.; Wang, C.; Fang, Z.; Wang, P.; Tan, J.; Wu, S.; Xiao, Y.; Zhu, H.
+Published: 2020-02-02 00:00:00
+Match (0.3904): **coronaviruses have strong potential to infect human. This method will be helpful in future viral analysis and early prevention and control of viral pathogens.**
+
+[Amplicon based MinION sequencing of SARS-CoV-2 and metagenomic characterisation of nasopharyngeal swabs from patients with COVID-19](https://doi.org/doi.org/10.1101/2020.03.05.20032011)
+Authors: Shona C Moore; Rebekah Penrice-Randal; Muhannad Alruwaili; Xiaofeng Dong; Steven T Pullan; Daniel Carter; Kevin Bewley; Qin Zhao; Yani Sun; Catherine Hartley; En-min Zhou; Tom Solomon; Michael B. J. Beadsworth; James Cruise; Debby Bogaert; Derrick W T Crook; David A Matthews; Andrew D. Davidson; Zana Mahmood; Waleed Aljabr; Julian Druce; Richard T Vipond; Lisa Ng; Laurent Renia; Peter Openshaw; J Kenneth Baillie; Miles W Carroll; Calum Semple; Lance Turtle; Julian Alexander Hiscox
+Published: 2020-03-08 00:00:00
+Match (0.3900): **Mechanisms of life-threatening disease in COVID-19 including factors associated with morbidity and mortality. Middle East respiratory syndrome (MERS) can provide important parallels: one of the risk factors associated with severe disease and/or a fatal outcome is the presence of other infections [1, 2] . Other infections may therefore exacerbate COVID-19. A case study in China identified the presence of other microorganisms in patients with COVID-19 and included specific nucleic acid based detection for six common respiratory virus and the use of culture [3] . No viruses were identified but the study identified Acinetobacter baumannii, Klebsiella pneumoniae, and Aspergillus flavus in a single patient and several cases of fungal infection were diagnosed including Candida albicans and Candida glabrata. The ability to rapidly identify both the primary pathogen and other infections that may be present early in disease may provide opportunities for targeted intervention in patients suspected or confirmed with COVID-19. The advantage of both laboratory [4] and field-based sequencing approaches [5] was illustrated in the West African Ebola virus outbreak in characterising viral infection and also providing an assessment of the contribution of potential co-infections to outcome [6] . Rapid sequencing of SARS-CoV-2 itself provides utility in two main areas. First, specific amplicon-based sequencing of SARS-CoV-2 allows for potential contact tracing, molecular epidemiology and studies of viral evolution. Second, the use of metagenomic approaches like SISPA provides a check on sequence divergence for amplicon-based approaches. This is particularly important for SARS-CoV-2 as the virus could undergo recombination with other human coronaviruses and mutation and this may also affect both vaccine and antiviral efficacy.**
+
+[Precautions are Needed for COVID-19 Patients with Coinfection of Common Respiratory Pathogens](https://doi.org/doi.org/10.1101/2020.02.29.20027698)
+Authors: Quansheng Xing; Guoju Li; Yuhan Xing; Ting Chen; Wenjie Li; Wei Ni; Kai Deng; Ruqin Gao; Changzheng Chen; Yang Gao; Qiang Li; Guiling Yu; Jianning Tong; Wei Li; Guiliang Hao; Yue Sun; Ai Zhang; Qin Wu; Zipu Li; Silin Pan
+Published: 2020-03-03 00:00:00
+Match (0.3842): **Precautions are Needed for COVID-19 Patients with Coinfection of Common Respiratory Pathogens**
+
+[Clinical findings in critical ill patients infected with SARS-Cov-2 in Guangdong Province, China: a multi-center, retrospective, observational study](https://doi.org/doi.org/10.1101/2020.03.03.20030668)
+Authors: Yonghao Xu; Zhiheng Xu; Xuesong Liu; Lihua Cai; Haichong Zheng; Yongbo Huang; Lixin Zhou; Linxi Huang; Yun Lin; Liehua Deng; Jianwei Li; Sibei Chen; Dongdong Liu; Zhimin Lin; Liang Zhou; Weiqun He; Xiaoqing Liu; Yimin Li
+Published: 2020-03-06 00:00:00
+Match (0.3822): **Secondary infections, including bacterial co-infection and fungal co-infection, were identified in 17 (37.8%) and 12 (26.7%) patients, respectively (table 3) .**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.3787): **Traditional identification of a microbe as the causative agent of disease requires fulfillment of Koch's postulates, modified by Rivers for viral diseases [37] . At the present time, the 2019-nCoV has been isolated from patients, detected by specific assays in patients, and cultured in host cells (one available sequence is identified as a passage isolate), starting to fulfill these criteria. Given the recentness of the 2019-nCoV outbreak, at this point there is no animal model available to fulfill the remaining criteria: 1) testing the capability of 2019-nCoV to cause respiratory disease in a related species, 2) re-isolating the virus from the experimentally infected animal and 3) detection of a specific immune response. These efforts will surely be an area of intense research in the coming months both in China and in CoV research laboratories around the world.**
+
+# Animal host(s) and any evidence of continued spill-over to humans + +[2019-nCoV (Wuhan virus), a novel Coronavirus: Human-to-human transmission, travel-related cases, and vaccine readiness](https://doi.org/10.3855/jidc.12425)
+Authors: Ralph, R.; Lew, J.; Zeng, T.; Francis, M.; Xue, B.; Roux, M.; Ostadgavahi, A. T.; Rubino, S.; Dawe, N. J.; Al-Ahdal, M. N.; Kelvin, D. J.; Richardson, C. D.; Kindrachuk, J.; Falzarano, D.; Kelvin, A. A.
+Published: 2020-01-01 00:00:00
+Publication: Journal of Infection in Developing Countries
+Match (0.7007): **Determining the animal reservoir and incidental hosts of a virus with evidence of zoonosis such as 2019-nCoV is important for controlling spillover events and limiting human infections. Although the ecological reservoir for both MERS-CoV and SARS-CoV remain undefined, evidence of viral presence in a variety of animal species has been found. Serologic evidence and the isolation of viral genomic material for SARS-CoVrelated viruses have provided evidence for bats as the putative reservoir for SARS-CoV. While masked palm civets and raccoon dogs were involved in transmission to humans and initially considered potential reservoirs, they are now considered as incidental or spillover hosts [39] [40] [41] . In contrast, dromedary camels are considered to act a reservoir host for MERS-CoV, and over half of primary human infections report contact with camels, however, it is suspected that bats are likely the ancestral host for MERS-CoV or a MERS-CoV-like virus [42, 43] . Zoonotic transmission of SARS-CoV likely results from direct contact with intermediate hosts [44] , while human-to-human transmission of both viruses occurs primarily through close contact and nosocomial transmission via respiratory secretions [45, 46] . Considering the animals implicated as reservoir hosts for SARS-CoV and MERS-CoV, along with the conclusions from phylogenetic analyses from us and other groups, these potential reservoirs will be important starting points for investigation of the virus source.**
+
+[2019-nCoV in context: lessons learned?](https://doi.org/10.1016/S2542-5196(20)30035-8)
+Authors: Kock, Richard A.; Karesh, William B.; Veas, Francisco; Velavan, Thirumalaisamy P.; Simons, David; Mboera, Leonard E. G.; Dar, Osman; Arruda, Liã Bárbara; Zumla, Alimuddin
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Planetary Health
+Match (0.6673): **The emergence of a new coronavirus (2019-nCoV) in Wuhan creates a sense of déjà vu with the severe acute respiratory syndrome coronavirus (SARS-CoV) epidemic in China in 2003. Coronaviruses are enveloped, positivestranded RNA viruses of mammals and birds. These viruses have high mutation and gene recombination rates, making them ideal for pathogen evolution. 1 In humans, coronavirus is usually associated with mild disease, the common cold. Previous emerging novel coronaviruses, such as SARS-CoV and Middle East respiratory syndrome coronavirus (MERS-CoV), which emerged in the Middle East in 2012, were associated with severe and sometimes fatal disease. MERS-CoV was less pathogenic than SARS-CoV, with the most severe infections mainly in individuals with underlying illnesses. Clinically and epidemiologically, the contemporary 2019-nCoV in China seems to resemble SARS-CoV. The genome of 2019-nCoV also appears most closely related to SARS-CoV and related bat coronaviruses. 2 The infection has now spread widely, with phylogenetic analysis of the emerging viruses suggesting an initial single-locus zoonotic spillover event in November, 2019, 3 There is an increasing focus on the human-animalenvironment disease interface, as encompassed in the One Health concept. Mortalities, disability-adjusted life-years, and billions of dollars of economic losses from these infections demand action and investment in prevention to face novel challenges to human and animal health. Research has led to better understanding of the nature and drivers of cross-species viral jumps, but the detail is still elusive. No reservoir population of bats for SARS and MERS-CoV or Ebola virus have been definitively identified, despite considerable searching, possibly because of the source virus circulating in small and isolated populations. Forensic examination has clarified the human infection sources and multispecies involvement in these diseases, with some species confirmed as competent hosts (eg, camels for MERS-CoV 4 ), bridge (or amplifying) hosts (eg, pigs for Nipah virus, non-human primates for Ebola virus 5 ), or deadend hosts. The crucial checkpoint is the jump and bridging of the viruses to humans, which occurs most frequently through animal-based food systems. In the case of SARS, markets with live and dead animals of wild and domestic origins were the crucible for virus evolution and emergence in the human population. Once the viruses' functional proteins enabled cell entry in civets (Paguma larvata) and racoon dogs (Nyctereutes procyonoides), the bridge was established and it was only a matter of time before the jump to humans occurred. 6 Sequence comparison of civet viruses suggested evolution was ongoing; this was further supported by high seroprevalence of antibodies against SARS-CoV among civet sellers, suggesting previous cross-species transmission events without necessarily human-tohuman transmission. 7, 8 Similarly, early Ebola virus was mostly associated with bushmeat and its consumption in Africa; Nipah virus is associated with date palm sap, fruit, and domestic pig farms; MERS is associated with the camel livestock industry; and H5N1 arose from viral evolution in domestic and wild birds, to ultimately bring all these cases to humans. The 2019-nCoV is another virus in the pipeline that originated from contact with animals, in this case a seafood and animal market in Wuhan, China.**
+
+[Are pangolins the intermediate host of the 2019 novel coronavirus (2019-nCoV) ?](https://doi.org/doi.org/10.1101/2020.02.18.954628)
+Authors: Liu, P.; Jiang, J.-Z.; Hua, Y.; Wang, X.; Hou, F.; Wan, X.-F.; Chen, J.; Zou, J.; Chen, J.
+Published: 2020-02-20 00:00:00
+Match (0.6336): **The copyright holder for this preprint (which was not peer-reviewed) is the . https://doi.org /10.1101 /10. /2020 and MERS caused serious outbreaks in humans, lead to thousands of deaths [3, 4, 13, 14] . Although all of three zoonotic coronaviruses were shown to be of bat origin, they seemed to use different intermediate hosts. For example, farmed palm civets were suggested to be an intermediate host for SARS to be spilled over to humans although the details on how to link bat and farmed palm civets are unclear [15, 16, 17] In summary, this study suggested pangolins be a natural host of Betacoronavirus, with an unknown potential to infect humans. However, our data do not support the 2019-nCoV evolved directly from the pangolin-CoV.**
+
+[Return of the Coronavirus: 2019-nCoV](https://doi.org/10.3390/v12020135)
+Authors: Gralinski, E. Lisa; Menachery, D. Vineet
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.6283): **A zoonotic reservoir harkens back to the emergence of both SARS-and MERS-CoV. SARS-CoV, the first highly pathogenic human CoV, emerged in 2002 with transmission from animals to humans occurring in wet markets. Surveillance efforts found SARS-CoV viral RNA in both palm civets and raccoon dogs sold in these wet markets [14] ; however, SARS-CoV was not found in the wild, suggesting that those species served as intermediary reservoir as the virus adapted to more efficiently infect humans. Further surveillance efforts identified highly related CoVs in bat species [15] . More recent work has demonstrated that several bat CoVs are capable of infecting human cells without a need for intermediate adaptation [16, 17] . Additionally, human serology data shows recognition of bat CoV proteins and indicates that low-level zoonotic transmission of SARS-like bat coronaviruses occurs outside of recognized outbreaks [18] . MERS-CoV is also a zoonotic virus with possible origins in bats [19, 20] , although camels are endemically infected and camel contact is frequently reported during primary MERS-CoV cases [21] . For SARS-CoV, strict quarantine and the culling of live markets in SE Asia played a major role in ending the outbreak. With the cultural importance of camels, a similar approach for MERS-CoV was not an option and periodic outbreaks continue in the Middle East. These lessons from SARS and MERS highlight the importance of rapidly finding the source for 2019-nCoV in order to stem the ongoing outbreak.**
+
+[Are pangolins the intermediate host of the 2019 novel coronavirus (2019-nCoV) ?](https://doi.org/doi.org/10.1101/2020.02.18.954628)
+Authors: Liu, P.; Jiang, J.-Z.; Hua, Y.; Wang, X.; Hou, F.; Wan, X.-F.; Chen, J.; Zou, J.; Chen, J.
+Published: 2020-02-20 00:00:00
+Match (0.6051): **To effectively control the diseases and prevent new spillovers, it is critical to identify the animal origin of this newly emerging coronavirus. In this wet market of Wuhan, high viral loads were reported in the environmental samples. However, variety of animals, including some wildlife, were sold on this market, and the number and species were very dynamics. It remains unclear which animal initiated the first infections.**
+
+[The continuing 2019-nCoV epidemic threat of novel coronaviruses to global health — The latest 2019 novel coronavirus outbreak in Wuhan, China - International Journal of Infectious Diseases](https://doi.org/10.1016/j.ijid.2020.01.009)
+Authors: Hui, David S.
+Published: 2020-01-01 00:00:00
+Publication: International Journal of Infectious Diseases
+Match (0.5967): **SARS is a zoonosis caused by SARS-CoV, which first emerged in China in 2002 before spreading to 29 countries/regions in 2003 through a travel-related global outbreak with 8,098 cases with a case fatality rate of 9.6%. Nosocomial transmission of SARS-CoV was common while the primary reservoir was putatively bats, although unproven as the actual source and the intermediary source was civet cats in the wet markets in Guangdong . MERS is a novel lethal zoonotic disease of humans endemic to the Middle East, caused by MERS-CoV. Humans are thought to acquire MERS-CoV infection though contact with camels or camel products with a case fatality rate close to 35% while nosocomial transmission is also a hallmark (Azhar et al., 2019) . The recent outbreak of clusters of viral pneumonia due to a 2019-nCoV in the Wuhan market poses significant threats to international health and may be related to sale of bush meat derived from wild or captive sources at the seafood market.**
+
+[From SARS to COVID-19: A previously unknown SARS-CoV-2 virus of pandemic potential infecting humans – Call for a One Health approach](https://doi.org/10.1016/j.onehlt.2020.100124)
+Authors: El Zowalaty, Mohamed E.; Järhult, Josef D.
+Published: 2020-01-01 00:00:00
+Publication: One Health
+Match (0.5921): **Regarding SARS-CoV-2 in particular, there are several aspects that needs a One Health approach in order to understand the outbreak, and to mitigate further outbreaks of a similar virus. SARS-CoV-2 is likely a bat-origin coronavirus that was transmitted to humans through a spill over from bats or through an undetermined yet intermediate animal host (avian, swine, phocine, bovine, canine, other species) or wild animals. Figure 3 depicts a transmission hypothesis of SARS-CoV-2 outbreak, yet the intermediate host is to be determined. The list of animals which were sold range between poultry (turkey, pheasants, geese, roosters, doves, and wild birds (Peacocks swans, and exotic animals, to reptiles and hedgehogs. The animal list included frogs, camels, wild rabbits, reptiles, snakes, deer, crocodiles, Kangaroos, snails, civet cats, goats, centipedes, and cicades [45, 46] . There are no data available in scientific literature on the detection and isolation of SARS-CoV-2 from environmental samples. However, it was recently reported that the Chinese Centers for Disease Control and Prevention isolated SARS-CoV-2 from 33 samples out of 585 environmental samples collected from Huanan Seafood Market [47] . process, and they need to be addressed in any true One Health approach [48] . However, it is crucial to consider the cultural context of these markets meaning that again, social sciences are important in this process. Also, this means that the most viable solution may not be to close down live animal markets but perhaps to 'sector' them so that fewer different species mingle in one specific market and that the specific intermediate host(s) for SARS-CoV-2 may be removed from the markets, or rigorously tested for the virus.**
+
+[Vorpal: A Novel RNA Virus Feature-Extraction Algorithm Demonstrated Through Interpretable Genotype-to-Phenotype Linear Models](https://doi.org/doi.org/10.1101/2020.02.28.969782)
+Authors: Davis, P.; Bagnoli, J.; Yarmosh, D.; Shteyman, A.; Presser, L.; Altmann, S.; Bradrick, S.; Russell, J. A.
+Published: 2020-03-02 00:00:00
+Match (0.5880): **human pathogen in advance of a spill-over event. This is observed in the data. The 449**
+
+[Molecular Diagnosis of a Novel Coronavirus (2019-nCoV) Causing an Outbreak of Pneumonia](https://doi.org/10.1093/clinchem/hvaa029)
+Authors: Chu, Daniel K. W.; Pan, Yang; Cheng, Samuel M. S.; Hui, Kenrie P. Y.; Krishnan, Pavithra; Liu, Yingzhi; Ng, Daisy Y. M.; Wan, Carrie K. C.; Yang, Peng; Wang, Quanyi; Peiris, Malik; Poon, Leo L. M.
+Published: 2020-01-01 00:00:00
+Publication: Clin Chem
+Match (0.5847): **Coronaviruses can be classified into 4 genera (a, b, c, and d) and these viruses are detected in a wide range of animal species, including humans (1) . There are 6 previously known human coronaviruses that can be transmitted between humans. Human alphacoronaviruses, 229E and NL63, and betacoronaviruses, OC43 and HKU1, are common respiratory viruses usually causing mild upper respiratory diseases. In contrast to these, the other 2 human beta-coronaviruses, SARS and MERS coronaviruses, are highly pathogenic in humans. The case fatality rates of SARS and MERS are about 10% and 35%, respectively (2, 3) . SARS and MERS can be transmitted between humans and may cause major outbreaks in health care settings or in community settings. Both SARS and MERS coronaviruses are of zoonotic origins. MERS coronavirus is widely circulated in dromedary camels. Over 90% of dromedary camels in Middle East countries are seropositive for MERS coronavirus (4, 5) . Because of such a high prevalence in this animal species, sporadic zoonotic transmissions of MERS coronavirus from camels to humans have been repeatedly detected in the affected region since its discovery in 2012. For the SARS outbreak in 2003, exotic mammals in wet markets, such as palm civets and raccoon dogs, are believed to be the animal sources of the virus (6) . The detection of SARS coronavirus in these species led to a temporary ban of selling of these animals in 2004, thereby preventing additional spill-over events from animals to humans. But further surveillance studies indicated that these animals are rarely positive for SARS coronavirus in non-market settings, suggesting that they only served as intermediate hosts in the SARS event (1, 7) . Subsequent virus surveillances in wild animals identified a vast number of coronaviruses in bats (8) . Interestingly, several bat coronaviruses that are genetically similar to human SARS coronavirus were detected in horseshoe bats. This group of SARS-like bat coronaviruses, together with SARS coronavirus, form a unique clade under the subgenus Sarbecovirus. It is now generally believed that SARS coronavirus is a recombinant virus between several bat SARS-like beta-coronaviruses (9) . Some of these bat coronaviruses are experimentally capable of infecting human cells in cultures (9), suggesting that these animal viruses and their recombinants can pose threats to human health.**
+
+[Six weeks into the 2019 coronavirus disease (COVID-19) outbreak- it is time to consider strategies to impede the emergence of new zoonotic infections](https://doi.org/10.1097/CM9.0000000000000760)
+Authors: Harypursat, Vijay; Chen, Yao-Kai
+Published: 2020-01-01 00:00:00
+Publication: Chin Med J (Engl)
+Match (0.5678): **A significantly large variety of coronavirus species cause a diverse range of diseases in domesticated and wild mammals and birds, and these animals may also be carriers of and reservoirs for coronaviruses [2] . Six coronavirus species had, prior to the 08 th January 2020, been known to cause disease in humans. Four species are endemic in human populations, and cause mild common cold symptoms in immunocompetent humans. The two remaining species, SARS-CoV and MERS-CoV, are zoonotic in origin, and their infection of humans may have fatal outcomes. SARS-CoV-2 is the seventh coronavirus species that is now known to infect humans, is also zoonotic in origin, and is the causative organism for the current viral pneumonia epidemic in China.**
+
+# Socioeconomic and behavioral risk factors for this spill-over + +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5596): **Using a qualitative approach, this study allowed us to explore a variety of risk factors at different individual, community and policy levels to contextualize the risks of zoonotic disease emergence in local communities. The findings provide guidance for future in-depth research on specific risk factors, as well as zoonotic disease control and prevention in southern China and potentially other regions with similar ecological and social contexts.**
+
+[Systematic Comparison of Two Animal-to-Human Transmitted Human Coronaviruses: SARS-CoV-2 and SARS-CoV](https://doi.org/10.3390/v12020244)
+Authors: Xu, Jiabao; Zhao, Shizhe; Teng, Tieshan; Abdalla, Abualgasim Elgaili; Zhu, Wan; Xie, Longxiang; Wang, Yunlong; Guo, Xiangqian
+Published: 2020-01-01 00:00:00
+Publication: Viruses
+Match (0.5118): **Do any environmental factors, such as regional conditions or climate, affect SARS-CoV-2 transmission?**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.4933): **The second question is what is the source of this virus? The evidence is fairly clear: Most of the initial cases were linked to a seafood market that also sold butchered livestock meat and some wildlife. The virus itself appears to have a wildlife (bat) origin similar to SARS-CoV, which also emerged in a wildlife market through the interactions of humans and other animals that acted as the intermediate hosts of the virus [3, 8, 9] . With two disease outbreaks originating in China significantly linked to wildlife markets, this is an obvious target for control programs to prevent future epedemics and pandemics. Indeed, there have already been calls from Chinese conservationists, public health leaders and policy makers to reduce the wildlife consumption. However, banning or even reducing the sale of wild game may not be straightforward and it is challenging to change behaviors that are influenced by Chinese culture and traditions. In addition to a strong belief in the purported curative power of wildlife and their by-products, the consumption of the rare and expensive wildlife has become a social statement of wealth boosted by economic growth. Changing these cultural habits will take time, however, recent behavioral questionnaire data suggests a generational transformation with reduced wildlife consumption in the younger generation [10] . There is no doubt, however, that the wildlife trade has an inherent risk of bringing people close to pathogens that wildlife carry, that we have not yet encountered, and that have the potential of leading to the next outbreak.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4894): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4886): **In spite of these positive changes over the long term, there is little understanding within enrolled participants of the transmission mechanisms and ecology of zoonotic pathogens that currently circulate in animal populations in the region. This is of particular concern in rural communities where close contact with bats and rodents was reported, and zoonotic pathogens have been detected in the widely distributed animal populations with 'Mainly relies on the forest department and nature reserve. We go to village in a specific month every year to educate local people' (male staff member of local nature reserve, 30-y-old, Guangxi). 'They do not collect samples for transportation licence of farmed animals; for Inspection and quarantine certificate, they will sampling everything, including water, feeding stuff, oral, blood and rectal of animals regularly' (male bamboo rat farmer, 56-y-old, Guangxi). Human animal conflict Interviewer: 'Is there governmental compensation system if animals damage crops?' Interviewee: 'No, our winner bamboo shoots are eaten by wild boars. Nothing will be left once they come, and they run so fast. But there is no compensation, they sometimes run to the orchard to eat oranges and damage many trees. Even purple yams my mum planted are eaten' (male peasant farmer, 50-y-old, Guangdong). the potential to spill over into the human population. 20, [32] [33] [34] [35] In addition, rural residents may face a higher risk because of their limited access to quality healthcare facilities for proper diagnosis and treatment compared with urban residents. 36 Enforcement of current wildlife protection policy and continued community infrastructure development appears to significantly reduce high-risk contact between humans, wildlife and livestock. Closer collaboration between local animal and human health authorities within the current epidemic disease prevention programmes will provide educational and training opportunities to promote risk-mitigation knowledge, skills and best practice in local communities. For example, cave monitoring and management is a low-cost and efficient method to help restrict human activities (e.g. recreation and mining) that lead to contact with bats in caves. This is of particular importance given the emergence of 2019-nCoV, which appears likely to be a bat-origin coronavirus. 10, 11 As the first qualitative study in southern China to assess risk factors for zoonotic disease emergence, our scope was limited by current knowledge, only allowing us to focus on known presumed risk factors. With further urbanization, and subsequent increased interactions between human populations and the changing ecosystems, new risk factors for zoonotic disease transmission will likely emerge. This might include changes to the wildlife trade following the temporary ban put in place as a response to the emergence of 2019-nCoV. 9,10 Further research to identify the risk factors among different populations will help develop more locally-relevant and fine-tuned risk mitigation strategies and address the social and ecological bias to identifying recommendations for other community settings.**
+
+[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.4871): **Emerging and re-emerging zoonotic diseases are key contributors to morbidity and mortality in southern China. 1, 2 This region, considered a 'hotspot' for emerging zoonotic diseases, harbours abundant wildlife while also undergoing land use change and natural resource overexploitation leading to intensified humananimal interactions that favour the emergence of zoonotic diseases. 3 People living in the rural areas of southern China primarily cultivate rice and fruits, raise swine and poultry in households or on small farms, 4 but also traditionally hunt wild animals as an alternative income source. 5 The mixed landscape has abundant crops, which attracts wild animals into the communities, and livestock rearing is common. 6 This brings humans and animals into close contact in dense populations, creating a wildlife-livestockhuman interface for zoonotic disease emergence. 7 In recognition of the challenges of emerging infectious diseases after the severe acute respiratory syndrome (SARS) outbreak in 2002 caused by a bat-origin coronavirus, the Chinese government established a national real-time hospital-based infectious disease reporting system. 1 Likewise, live poultry market interventions were initiated in response to highly pathogenic avian influenza (HPAI) in southern China in 2001. 8 In December 2019 (after the completion of the current study), a novel coronavirus (2019-nCoV) emerged in Wuhan, China and spread rapidly across China and the world. 9, 10 This virus is a group 2b coronavirus, which includes SARS-CoV and bat SARSr-CoVs, and its closest relative is a virus identified in a Rhinolophus affinis bat from Yunnan. 10, 11 Environmental samples positive for 2019-nCoV were found in an urban market in Wuhan where some of the earliest known human cases originated. 12, 13 This likely index site sold predominantly seafood, but is also thought to sell live wildlife at the market, and a temporary ban on the wildlife trade for food has been put in place across China. These efforts in response to SARS, HPAI and 2019-nCoV represent a reactiondriven response to zoonotic disease outbreaks, whereas, apart from the new temporary ban on wildlife trade, only limited preventative measures are currently being enacted in the region to reduce the risk of future zoonotic disease outbreaks. 14 However, detailed knowledge of the social and ecological mechanisms of zoonotic disease emergence in the region is limited, and therefore cannot yet inform evidence-based policies and practices for targeted surveillance programmes. 15 Using a qualitative approach through ethnographic interviews and field observations, this study aimed to understand interactions among humans, animals and ecosystems, to shed light on the zoonotic risks in these presumed high-risk communities and to develop an evidence base for identifying appropriate strategies for zoonotic risk mitigation.**
+
+[Recommended psychological crisis intervention response to the 2019 novel coronavirus pneumonia outbreak in China: a model of West China Hospital](https://doi.org/10.1093/pcmedi/pbaa006)
+Authors: Zhang, Jun; Wu, Weili; Zhao, Xin; Zhang, Wei
+Published: 2020-01-01 00:00:00
+Publication: Precision Clinical Medicine
+Match (0.4867): **(2) intervention for difficulty in adaptation, mainly by social psychologists. Among them serious mental problems (e.g. violence, suicide behaviors) must be managed by psychiatrists. Such emotion hypothetical model of psychological crisis intervention is shown in Fig. 1 .**
+
+[A strategy to prevent future pandemics similar to the 2019-nCoV outbreak](https://doi.org/10.1016/j.bsheal.2020.01.003)
+Authors: Daszak, Peter; Olival, Kevin J.; Li, Hongying
+Published: 2020-01-01 00:00:00
+Publication: Biosafety and Health
+Match (0.4827): **The finding of people in a small sample of rural communities in southern China seropositive for a bat SARSr-CoV suggests that bat-origin coronaviruses commonly spillover in the region [18] . Single cases or small clusters of human infection may evade surveillanceparticularly in regions and countries that border China with less healthcare capacity or rural areas where people don't seek diagnosis or treatment in a timely fashion. Surveillance programs can be designed by local public health authorities to identify communities living in regions with high wildlife diversity and likely high diversity of novel viruses [21] . People with frequent contact with wild or domestic animals related to their livelihood and occupation, and patients presenting acute respiratory infection (ARI) or influenza-like illness (ILI) symptoms with unknown etiology can be included into the surveillance as a cost-effective method to identify novel virus spillovers. This 'pre-outbreak surveillance' strategy can be coordinated with different sectors of public health, healthcare, agriculture and forestry to implement sample collection and testing of wildlife, domestic animals, and people in collaboration with research institutions. These efforts will help identify and characterize viral genetic sequence, identify high-risk human populations with antibodies and cell-mediated immunity responses to wildlife-origin CoVs [22] , as well as the risk factors in human behaviors and living environment through interviews. Evidencebased strategies to reduce risk can then be designed and implemented in the communities where viral spillover is identified.**
+
+[Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey](https://doi.org/doi.org/10.1101/2020.02.18.20024448)
+Authors: Mengcen Qian; Qianhui Wu; Peng Wu; Zhiyuan Hou; Yuxia Liang; Benjamin J Cowling; Hongjie Yu
+Published: 2020-02-20 00:00:00
+Match (0.4824): **Psychological responses, behavioral changes and public perceptions during the early phase of the COVID-19 outbreak in China: a population based cross-sectional survey**
+
+[Tracking online heroisation and blame in epidemics](https://doi.org/10.1016/S2468-2667(20)30033-5)
+Authors: Atlani-Duault, Laëtitia; Ward, Jeremy K.; Roy, Melissa; Morin, Céline; Wilson, Andrew
+Published: 2020-01-01 00:00:00
+Publication: The Lancet Public Health
+Match (0.4791): **Epidemics such as the H1N1 influenza pandemic, severe acute respiratory syndrome, and Ebola take place in a complex world, with many disasters (human-caused and natural) and a host of social, cultural, economic, political, and religious concerns. Responding to such concerns is not usually part of public health approaches to epidemic communications, which emphasise biomedical and epidemiological information.**
+
+# Sustainable risk reduction strategies +[A qualitative study of zoonotic risk factors among rural communities in southern China](http://dx.doi.org/10.1093/inthealth/ihaa001)
+Authors: Li, Hong-Ying; Zhu, Guang-Jian; Zhang, Yun-Zhi; Zhang, Li-Biao; Hagan, Emily A; Martinez, Stephanie; Chmura, Aleksei A; Francisco, Leilani; Tai, Hina; Miller, Maureen; Daszak, Peter
+Published: 2020-02-10 00:00:00
+Publication: Int Health
+Match (0.5798): **This study provided evidence of human-animal interactions in rural communities of southern China that increase the potential for zoonotic disease emergence and suggested opportunities for risk mitigation. Population migration from rural communities to urban areas for employment, as well as the wild animal protection policy changes in China in recent years, have led to a perceived overall reduction in activities such as household animal raising and wildlife trade. 30, 31 Protective attitudes, knowledge and a supportive social environment for disease prevention were reportedly being developed within the community. 31 Existing local preliminary programmes and policies around human and animal health, community development and conservation are considered effective resources to begin or continue developing cost-effective strategies to mitigate zoonotic risks.**
+
+[Modelling the coronavirus disease (COVID-19) outbreak on the Diamond Princess ship using the public surveillance data from January 20 to February 20, 2020](https://doi.org/doi.org/10.1101/2020.02.26.20028449)
+Authors: Shi Zhao; Peihua Cao; Daozhou Gao; Zian Zhuang; Marc Chong; Yongli Cai; Jinjun Ran; Kai Wang; Yijun Lou; Weiming Wang; Lin Yang; Daihai He; Maggie H Wang
+Published: 2020-02-29 00:00:00
+Match (0.5563): **Decreasing the disease transmissibility in terms of R0 could postpone the peak, which may gain valuable time to prepare and allocate the resources in response to incoming patients. Relocating the population at risk (if possible) could sustainably decrease the daily incidences, and thus relieve the tensive demands in the healthcare, and improve in the treatment outcome.**
+
+[Effect of non-pharmaceutical interventions for containing the COVID-19 outbreak in China](https://doi.org/doi.org/10.1101/2020.03.03.20029843)
+Authors: Shengjie Lai; Nick W Ruktanonchai; Liangcai Zhou; Olivia Prosper; Wei Luo; Jessica R Floyd; Amy Wesolowski; Mauricio Santillana; Chi Zhang; Xiangjun Du; Hongjie Yu; Andrew J Tatem
+Published: 2020-03-06 00:00:00
+Match (0.5482): **outbreak, but the efficacy of the different interventions varied, with the early case detection and contact reduction being the most effective. Moreover, deploying the NPIs early is also important to prevent further spread. Early and integrated NPI strategies should be prepared, adopted and adjusted to minimize health, social and economic impacts in affected regions around the World.**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.5444): **Our results have important implications for the ongoing COVID-19 epidemic. If an intervention definitely cannot be sustained for an extended period of time, then it is best if it is "held in reserve" until depletion of susceptibles has reduced the effective reproductive number enough that the one-shot intervention will have maximal impact. However, we must exercise care in determining that an intervention cannot be sustained. The uncertainty about the case fatality rate remains high [9] , and at the higher end of the plausible values, the tolerance of the population for drastic interventions may be significant. Thus what might appear to be an unsustainable intervention may in fact be sustainable if we have a better understanding of the case fatality rate. An additional consequence of our results which is applicable to sustainable interventions is that the expression "better late than never" applies quite strongly for interventions.**
+
+[Risk estimation and prediction by modeling the transmission of the novel coronavirus (COVID-19) in mainland China excluding Hubei province](https://doi.org/doi.org/10.1101/2020.03.01.20029629)
+Authors: Hui Wan; Jing-an Cui; Guo-Jing Yang
+Published: 2020-03-06 00:00:00
+Match (0.5397): **At the early stage of the outbreak, estimation of the basic reproduction number R 0 is crucial for determining the potential and severity of an outbreak, and providing precise information for designing and implementing disease outbreak responses, namely the identification of the most appropriate, evidence-based interventions, mitigation measures and the determination of the intensity of such programs in order to achieve the maximal protection of the population with the minimal interruption of social-economic activities [4, 5] .**
+
+[The timing of one-shot interventions for epidemic control](https://doi.org/doi.org/10.1101/2020.03.02.20030007)
+Authors: Francesco Di Lauro; István Z Kiss; Joel Miller
+Published: 2020-03-06 00:00:00
+Match (0.5278): **In general the goal of our intervention is to reduce R(∞), reduce I(t p ), and increase t p .**
+
+[Epidemiological research priorities for public health control of the ongoing global novel coronavirus (2019-nCoV) outbreak](http://dx.doi.org/10.2807/1560-7917.ES.2020.25.6.2000110)
+Authors: Cowling, Benjamin J; Leung, Gabriel M
+Published: 2020-02-13 00:00:00
+Publication: Euro Surveill
+Match (0.5210): **If and when local transmission begins in a particular location, a variety of community mitigation measures can be implemented by health authorities to reduce transmission and thus reduce the growth rate of an epidemic, reduce the height of the epidemic peak and the peak demand on healthcare services, as well as reduce the total number of infected persons [21] . A number of social distancing measures have already been implemented in Chinese cities in the past few weeks including school and workplace closures. It should now be an urgent priority to quantify the effects of these measures and specifically whether they can reduce the effective reproductive number below 1, because this will guide the response strategies in other locations. During the 1918/19 influenza pandemic, cities in the United States, which implemented the most aggressive and sustained community measures were the most successful ones in mitigating the impact of that pandemic [22] .**
+
+[Lockdown may partially halt the spread of 2019 novel coronavirus in Hubei province, China](https://doi.org/doi.org/10.1101/2020.02.11.20022236)
+Authors: Mingwang Shen; Zhihang Peng; Yuming Guo; Yanni Xiao; Lei Zhang
+Published: 2020-02-13 00:00:00
+Match (0.5152): **We present a timely evaluation of the impact of 'lockdown' on the 2019-nCov epidemic in Hubei province, China. The implementation appears to be effective in reducing about 60% of new infections and deaths, and its effect also appears to be sustainable even after its removal.**
+
+[The impact of social distancing and epicenter lockdown on the COVID-19 epidemic in mainland China: A data-driven SEIQR model study](https://doi.org/doi.org/10.1101/2020.03.04.20031187)
+Authors: Yuzhen Zhang; Bin Jiang; Jiamin Yuan; Yanyun Tao
+Published: 2020-03-06 00:00:00
+Match (0.5125): **Tailored and sustainable approaches should be adopted in a different situation, striking a balance among the control of infection and death number, confining epidemic regions, and maintaining socioeconomic vitality. **
+
+[Emergence of Novel Coronavirus 2019-nCoV: Need for Rapid Vaccine and Biologics Development](https://doi.org/10.3390/pathogens9020148)
+Authors: Shanmugaraj, Balamurugan; Malla, Ashwini; Phoolcharoen, Waranyoo
+Published: 2020-01-01 00:00:00
+Publication: Pathogens
+Match (0.5087): **The coronavirus outbreak has been declared a global health emergency and represents one of the greatest risks to global health, as the virus has a tendency to infect a large number of human populations, and the outbreak can cause severe medical complications with economic impact, particularly in middle-income countries where resources are limited for early diagnosis and preventive measures. Human mobility, air travel, and international trade can likely increase the number of cases in other regions as well. Continued surveillance along with the robust response of government agencies, medical practitioners, and researchers, is highly essential for the effective management of this emerging pathogen. Public health officials need to identify the source and virus reservoir, transmission cycle, pathogenesis, inter-human transmission, and clinical manifestations, which might be helpful to develop animal models, diagnostic reagents, anti-viral therapies, and vaccines against this pathogen. As the virus emerged suddenly and became a serious global concern, there is a need for rapid vaccine development. Although classical expression systems for biopharmaceutical proteins are still amenable, the development of transient expression in plants has deeply influenced the pharmaceutical sector to produce affordable vaccines and biologics rapidly at low cost. Hence, the plant expression platform shall be employed for biopharmaceutical production to accelerate the fight against this deadly infectious disease. The collaborative efforts of researchers are highly desirable to use a plant expression platform for producing an efficient cost-effective vaccine to control this epidemic. The continuous effort of research in this direction might be helpful in producing high-value biologics and pharmaceuticals on a large scale in a short time, especially during epidemics. **
+
diff --git a/tasks/virus-genome.txt b/tasks/virus-genome.txt new file mode 100644 index 0000000..5d6dccd --- /dev/null +++ b/tasks/virus-genome.txt @@ -0,0 +1,9 @@ +Real-time tracking of whole genomes and a mechanism for coordinating the rapid dissemination of that information to inform the development of diagnostics and therapeutics and to track variations of the virus over time. +Access to geographic and temporal diverse sample sets to understand geographic distribution and genomic differences, and determine whether there is more than one strain in circulation. Multi-lateral agreements such as the Nagoya Protocol could be leveraged. +Evidence that livestock could be infected (e.g., field surveillance, genetic sequencing, receptor binding) and serve as a reservoir after the epidemic appears to be over. +Evidence of whether farmers are infected, and whether farmers could have played a role in the origin. +Surveillance of mixed wildlife- livestock farms for SARS-CoV-2 and other coronaviruses in Southeast Asia. +Experimental infections to test host range for this pathogen. +Animal host(s) and any evidence of continued spill-over to humans +Socioeconomic and behavioral risk factors for this spill-over +Sustainable risk reduction strategies \ No newline at end of file