Chaojie Ji

Ph.D. Student
The University of British Columbia

Home

Research

Social

Contact:
Department of Mathematics
The University of British Columbia
Leonard S. Klinck Building, 6356 Agricultural Rd.
Vancouver, BC V6T 1Z2

Hosted on GitHub Pages

Published & Forthcoming Papers

Graph Polish: A Novel Graph Generation Paradigm for Molecular Optimization.
Ji C., Zheng Y., Wang R., Cai Y., Wu H.
IEEE Trans. Neural Netw. Learn. Syst., 2021.

Molecular optimization, which transforms a given input molecule X into another Y with desired properties, is essential in molecular drug discovery. The traditional approaches either suffer from sample-inefficient learning or ignore information that can be captured with the supervised learning of optimized molecule pairs. In this study, we present a novel molecular optimization paradigm, Graph Polish. In this paradigm, with the guidance of the source and target molecule pairs of the desired properties, a heuristic optimization solution can be derived: given an input molecule, we first predict which atom can be viewed as the optimization center, and then the nearby regions are optimized around this center. We then propose an effective and efficient learning framework, Teacher and Student polish, to capture the dependencies in the optimization steps. A teacher component automatically identifies and annotates the optimization centers and the preservation, removal, and addition of some parts of the molecules; a student component learns these knowledges and applies them to a new molecule. The proposed paradigm can offer an intuitive interpretation for the molecular optimization result. Experiments with multiple optimization tasks are conducted on several benchmark datasets. The proposed approach achieves a significant advantage over the six state-of-the-art baseline methods. Also, extensive studies are conducted to validate the effectiveness, explainability, and time savings of the novel optimization paradigm.

Initial version (August 2020)


Smoothness Sensor: Adaptive Smoothness-transition Graph Convolution for Attributed Graph Clustering.
Ji C., Chen H., Wang R., Cai Y., Wu H.
IEEE Trans. Cybern., 2021.

Clustering techniques attempt to group objects with similar properties into a cluster. Clustering the nodes of an attributed graph, in which each node is associated with a set of feature attributes, has attracted significant attention. Graph convolutional networks (GCNs) represent an effective approach for integrating the two complementary factors of node attributes and structural information for attributed graph clustering. Smoothness is an indicator for assessing the degree of similarity of feature representations among nearby nodes in a graph. Oversmoothing in GCNs, caused by unnecessarily high orders of graph convolution, produces indistinguishable representations of nodes, such that the nodes in a graph tend to be grouped into fewer clusters, and pose a challenge due to the resulting performance drop. In this study, we propose a smoothness sensor for attributed graph clustering based on adaptive smoothness-transition graph convolutions, which senses the smoothness of a graph and adaptively terminates the current convolution once the smoothness is saturated to prevent oversmoothing. Furthermore, as an alternative to graph-level smoothness, a novel fine-grained nodewise-level assessment of smoothness is proposed, in which smoothness is computed in accordance with the neighborhood conditions of a given node at a certain order of graph convolution. In addition, a self-supervision criterion is designed considering both the tightness within clusters and the separation between clusters to guide the entire neural network training process. The experiments show that the proposed methods significantly outperform 13 other state-of-the-art baselines in terms of different metrics across five benchmark datasets. In addition, an extensive study reveals the reasons for their effectiveness and efficiency.

Initial version (August 2020)


Perturb More, Trap More: Understanding Behaviors of Graph Neural Networks.
Ji C., Wang R., Wu H.
Neurocomputing, 2022.

While graph neural networks (GNNs) have shown great potential in various graph-related tasks, their lack of transparency has hindered our understanding of how they arrive at their predictions. The fidelity to the local decision boundary of the original model, indicating how well the explainer fits the original model around the instance to be explained, is neglected by existing GNN explainers. In this paper, we first propose a novel post hoc framework based on local fidelity for any trained GNNs, called TraP2, which can generate a high-fidelity explanation. Considering that both the relevant graph structure and important features inside each node must be highlighted, a three-layer architecture in TraP2 is designed: i) the interpretation domain is defined by the Translation layer in advance; ii) the local predictive behaviors of the GNNs being explained are probed and monitored by the Perturbation layer, in which multiple perturbations for graph structure and feature level are conducted in the interpretation domain; and iii) highly faithful explanations are generated by fitting the local decision boundary of GNNs being explained through the Paraphrase layer. We evaluated TraP2 on several benchmark datasets under the four metrics of accuracy, area under receiver operating characteristic curve, fidelity, and contrastivity, and the results prove that it significantly outperforms state-of-the-art methods.

Initial version (August 2020)


Cascade Architecture with Rhetoric Long Short-Term Memory for Complex Sentence Sentiment Analysis.
Ji C. and Wu H.
Neurocomputing, 2020.

In a sentiment analysis task, it is essential to differentiate the various and sometimes even contradictory emotions in each segment and to judge the underlying true emotion of the whole sentence. Rhetorical structure theory hierarchically structures the relationships between segments and describes the effects of relations. This study proposes a flexible cascade architecture: the lower unit divides the sentence into segments and obtains their distributed representation vector; the upper rhetoric-based long short-term memory unit aggregates the information of every segment and applies the concrete hierarchical relation information to perform sentiment analysis. Auxiliary techniques, namely, data augmentation and relation clustering, are also proposed for preventing overfitting. The experiment results prove that the proposed cascade architecture and auxiliary techniques improve the traditional approaches in most cases, which shows 3.17% accuracy growth in the fine-grained classification and 1.41% in the binary tasks at most. Furthermore, the cascade architecture is flexible enough, which could be easily extended by combining the Rhetoric-LSTM unit with the state-of-the-art classification or pre-trained models if necessary.


Focus, Fusion and Rectify: Context-Aware Learning for COVID-19 Lung Infection Segmentation.
Wang R., Ji C., Zhang Y., Li Y.
IEEE Trans. Neural Netw. Learn. Syst., 2021.

The coronavirus disease 2019 (COVID-19) pandemic is spreading worldwide. Considering the limited clinicians and resources and the evidence that computed tomography (CT) analysis can achieve comparable sensitivity, specificity, and accuracy with reverse-transcription polymerase chain reaction, the automatic segmentation of lung infection from CT scans supplies a rapid and effective strategy for COVID-19 diagnosis, treatment, and follow-up. It is challenging because the infection appearance has high intraclass variation and interclass indistinction in CT slices. Therefore, a new context-aware neural network is proposed for lung infection segmentation. Specifically, the autofocus and panorama modules are designed for extracting fine details and semantic knowledge and capturing the long-range dependencies of the context from both peer level and cross level. Also, a novel structure consistency rectification is proposed for calibration by depicting the structural relationship between foreground and background. Experimental results on multiclass and single-class COVID-19 CT images demonstrate the effectiveness of our work. In particular, our method obtains the mean intersection over union (mIoU) score of 64.8%, 65.2%, and 73.8% on three benchmark datasets for COVID-19 infection segmentation.


A Short-term Prediction Model at the Early Stage of the COVID-19 Pandemic based on Multi-source Urban Data.
Wang R., Ji C., Jiang Z., Wu Y., Yin L., Li Y.
IEEE Trans. Comput. Soc. Syst., 2021.

The ongoing coronavirus disease 2019 (COVID-19) pandemic spread throughout China and worldwide since it was reported in Wuhan city, China in December 2019. 4 589 526 confirmed cases have been caused by the pandemic of severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2), by May 18, 2020. At the early stage of the pandemic, the large-scale mobility of humans accelerated the spread of the pandemic. Rapidly and accurately tracking the population inflow from Wuhan and other cities in Hubei province is especially critical to assess the potential for sustained pandemic transmission in new areas. In this study, we first analyze the impact of related multisource urban data (such as local temperature, relative humidity, air quality, and inflow rate from Hubei province) on daily new confirmed cases at the early stage of the local pandemic transmission. The results show that the early trend of COVID-19 can be explained well by human mobility from Hubei province around the Chinese Lunar New Year. Different from the commonly-used pandemic models based on transmission dynamics, we propose a simple but effective short-term prediction model for COVID-19 cases, considering the human mobility from Hubei province to the target cities. The performance of our proposed model is validated by several major cities in Guangdong province. For cities like Shenzhen and Guangzhou with frequent population flow per day, the values of R^2 of daily prediction achieve 0.988 and 0.985. The proposed model has provided a reference for decision support of pandemic prevention and control in Shenzhen.


AdaPPI: identification of novel protein functional modules via adaptive graph convolution networks in a protein–protein interaction network.
Chen H., Cai Y., Ji C., Selvaraj G., Wei D., Wu H.
Brief. Bioinformatics., 2022.

Identifying unknown protein functional modules, such as protein complexes and biological pathways, from protein–protein interaction (PPI) networks, provides biologists with an opportunity to efficiently understand cellular function and organization. Finding complex nonlinear relationships in underlying functional modules may involve a long-chain of PPI and pose great challenges in a PPI network with an unevenly sparse and dense node distribution. To overcome these challenges, we propose AdaPPI, an adaptive convolution graph network in PPI networks to predict protein functional modules. We first suggest an attributed graph node presentation algorithm. It can effectively integrate protein gene ontology attributes and network topology, and adaptively aggregates low- or high-order graph structural information according to the node distribution by considering graph node smoothness. Based on the obtained node representations, core cliques and expansion algorithms are applied to find functional modules in PPI networks. Comprehensive performance evaluations and case studies indicate that the framework significantly outperforms state-of-the-art methods. We also presented potential functional modules based on their confidence.


Boundary-Aware Context Neural Network for Medical Image Segmentation.
Wang R., Chen S., Ji C., Fan J., Li Y.
Med. Image Anal., 2022.

Medical image segmentation can provide a reliable basis for further clinical analysis and disease diagnosis. With the development of convolutional neural networks (CNNs), medical image segmentation performance has advanced significantly. However, most existing CNN-based methods often produce unsatisfactory segmentation masks without accurate object boundaries. This problem is caused by the limited context information and inadequate discriminative feature maps after consecutive pooling and convolution operations. Additionally, medical images are characterized by high intra-class variation, inter-class indistinction and noise, extracting powerful context and aggregating discriminative features for fine-grained segmentation remain challenging. In this study, we formulate a boundary-aware context neural network (BA-Net) for 2D medical image segmentation to capture richer context and preserve fine spatial information, which incorporates encoder-decoder architecture. In each stage of the encoder sub-network, a proposed pyramid edge extraction module first obtains multi-granularity edge information. Then a newly designed mini multi-task learning module for jointly learning segments the object masks and detects lesion boundaries, in which a new interactive attention layer is introduced to bridge the two tasks. In this way, information complementarity between different tasks is achieved, which effectively leverages the boundary information to offer strong cues for better segmentation prediction. Finally, a cross feature fusion module acts to selectively aggregate multi-level features from the entire encoder sub-network. By cascading these three modules, richer context and fine-grain features of each stage are encoded and then delivered to the decoder. The results of extensive experiments on five datasets show that the proposed BA-Net outperforms state-of-the-art techniques.


Cascaded context enhancement network for automatic skin lesion segmentation.
Wang R., Chen S., Ji C., Li Y.
Expert Syst. Appl., 2022.

Skin lesion segmentation is an important step for automatic melanoma diagnosis. Due to the non-negligible diversity of lesions from different patients, extracting powerful context for fine-grained semantic segmentation is still challenging today. Although the deep convolutional neural networks (CNNs) have made significant improvements on skin lesion segmentation, they often fail to reserve the spatial details and long-range dependencies context due to consecutive convolution striding and pooling operations inside CNNs. In this paper, we formulate a cascaded context enhancement neural network for automatic skin lesion segmentation. A new cascaded context aggregation (CCA) module with a gate-based information integration approach is proposed to sequentially and selectively aggregate original image and multi-level features from the encoder sub-network. The generated context is further utilized to guide discriminative features extraction by the designed context-guided local affinity (CGL) module. Furthermore, an auxiliary loss is added to the CCA module for refining the prediction. In our work, we evaluate our approach on four public skin dermoscopy image datasets. The proposed method achieves the Jaccard Index (JA) of 87.1%, 80.3%, 84.3%, and 86.6% on ISIC-2016, ISIC-2017, ISIC-2018, and PH2 datasets, which show highly competitive performance with other state-of-the-art models respectively.


Heterogeneous graph convolutional networks and matrix completion for miRNA-disease association prediction.
Zhu R., Ji C., Wang Y., Cai Y., Wu, H.
Front. Biotechnol. Bioeng., 2020.

Due to the cost and complexity of biological experiments, many computational methods have been proposed to predict potential miRNA-disease associations by utilizing known miRNA-disease associations and other related information. However, there are some challenges for these computational methods. First, the relationships between miRNAs and diseases are complex. The computational network should consider the local and global influence of neighborhoods from the network. Furthermore, predicting disease-related miRNAs without any known associations is also very important. This study presents a new computational method that constructs a heterogeneous network composed of a miRNA similarity network, disease similarity network, and known miRNA-disease association network. The miRNA similarity considers the miRNAs and their possible families and clusters. The information of each node in heterogeneous network is obtained by aggregating neighborhood information with graph convolutional networks (GCNs), which can pass the information of a node to its intermediate and distant neighbors. Disease-related miRNAs with no known associations can be predicted with the reconstructed heterogeneous matrix. We apply 5-fold cross-validation, leave-one-disease-out cross-validation, and global and local leave-one-out cross-validation to evaluate our method. The corresponding areas under the curves (AUCs) are 0.9616, 0.9946, 0.9656, and 0.9532, confirming that our approach significantly outperforms the state-of-the-art methods. Case studies show that this approach can effectively predict new diseases without any known miRNAs.


WRS: A Novel Word-embedding Method for Real-time Sentiment with Integrated LSTM-CNN Model.
Rasool A., Jiang Q., Qu Q., Ji C.
In Proc. RCAR., 2021.

Artificial Intelligence (AI) is a research-focused technology in which Natural Language Processing (NLP) is a core technology in AI. Sentiment Analysis (SA) aims to extract and classify the people's opinions by NLP. The Machine Learning (ML) and lexicon dictionaries have limited competency to efficiently analyze massive live media data. Recently, deep learning methods significantly enrich the accuracy of recent sentiment models. However, the existing methods provide the aspect-based extraction that reduces individual word accuracy if a sentence does not follow the aspect information in real-time. Therefore, this paper proposes a novel word embedding method for the real-time sentiment (WRS) for word representation. The WRS's novelty is a novel word embedding method, namely, Word-to-Word Graph (W2WG) embedding that utilizes the Word2Vec approach. The WRS method assembles the different lexicon resources to employ the W2WG embedding method to achieve the word feature vector. Robust neural networks leverage these features by integrating LSTM and CNN to improve sentiment classification performance. LSTM is utilized to store the word sequence information for the effective real-time SA, and CNN is applied to extract the leading text features for sentiment classification. The experiments are conducted on Twitter and IMDB datasets. The results demonstrate our proposed method's effectiveness for real-time sentiment classification.


Fully Convolutional Network based on Contrast Information Integration for Dermoscopic Image Segmentation.
Chen S., Ji C., Wang R., Wu H.
In Proc. ICMAI., 2020.

Melanoma is one of the most common human lethal cancers. Because the lesions have different shapes, sizes, colors, and low contrast, extracting powerful features for fine-grained skin lesion segmentation is still a challenging task today. In this paper, we propose a novel fully convolutional network based on contrast information integration for skin lesion segmentation, which effectively utilizes contrast information from each convolutional block in our network framework. Compared with existing skin lesion segmentation approaches, a new integration module is designed by combining the contrast information for extracting richer feature representation. Finally, we evaluate our method on the public ISIC 2017 challenge dataset and obtain the outstanding performance with the Jaccard Index (JA) of 79.9%, which is higher than other state-of-the-art methods for skin lesion segmentation.



Works in Progress