Pinned Repositories
awesome-graph-self-supervised-learning-based-recommendation
A curated list of awesome graph & self-supervised-learning-based recommendation.
awesome-RecSys-papers
The awesome and classic papers in recommendation system!!! Good luck to every RecSys-learner!
bert
TensorFlow code and pre-trained models for BERT
BERT-GNN-Dependency
bert_gnn_arxiv
Multi-class Classification with fine-tuned BERT & GNN
blog_code_GNN_scratch
A repo for holding example code
chinese-text-preprocessing
Resume_title_analysis
This project works to cluster the resume_title column and try to retrieve the core information about this dataset. In detail, the expectation is to see which categories/topic that this dataset is about. From here, the train set and test set can avoid mismatch
qqfox's Repositories
qqfox/awesome-RecSys-papers
The awesome and classic papers in recommendation system!!! Good luck to every RecSys-learner!
qqfox/bert_gnn_arxiv
Multi-class Classification with fine-tuned BERT & GNN
qqfox/Data_Science_Bootcamp
Welcome to Data Science Bootcamp Series. This repository houses the source code and other supporting artifacts related to this bootcamp series.
qqfox/FastGCN
The sample codes for our ICLR18 paper "FastGCN: Fast Learning with Graph Convolutional Networks via Importance Sampling""
qqfox/GCN_Link_prediction
Graph link prediction using joint distribution of nodes
qqfox/gcnn-survey-paper
qqfox/GNN-for-text-classification
Graph convolutional networks (GCN), graphSAGE and graph attention networks (GAT) for text classification
qqfox/GNN-Semantic-Similarity
Semantic Similarity of Text Using GNN
qqfox/GNN_SemanticTaco2
The code of "Dependency Parsing based Semantic Representation Learning with Graph Neural Network for Enhancing Expressiveness of Text-to-Speech"
qqfox/govuk-lda-tagger
An experiment of using the LDA machine learning algorithm to generate topics from documents and tag them with those topics
qqfox/Graph_Convolutional_LSTM
Traffic Graph Convolutional Recurrent Neural Network
qqfox/graph_ml
Projects that involve graph datasets
qqfox/GraphSAGE-and-GAT-for-link-prediction
GraphSAGE and GAT for link prediction.
qqfox/knowledge_graph_attention_network
KGAT: Knowledge Graph Attention Network for Recommendation, KDD2019
qqfox/link-prediction
Representation learning for link prediction within social networks
qqfox/link-prediction-gcn
qqfox/machine_learning_tensorflow_kaggel
Multiple kaggel competitions(housing price prediction, titanic survival prediction, digit recognition, and speech recognition) using GCP and Jupiter notebooks. Models: Linear regression, linear classification, DNN, CNN, and transferred learning with googles tfhub. Tools: python, tensorflow, pandas, and numpy.
qqfox/ml-link-prediction-notebooks
Notebooks for the ML Link Prediction Course
qqfox/nlp_yelp_review_unsupervised
Train unsupervised LDA Topic Model on raw Yelp review text, use topic distributions as feature inputs to supervised classifier of review sentiment
qqfox/NLPGNN
1. Use BERT, ALBERT and GPT2 as tensorflow2.0's layer. 2. Implement GCN, GAN, GIN and GraphSAGE based on message passing.
qqfox/public_datasets
Public Machine Learning Datasets
qqfox/PyTorch-Geometric-YooChoose
This is a tutorial for PyTorch Geometric on the YooChoose dataset
qqfox/RfQASS
R shiny application for quality analytics and sixsigma
qqfox/scraping-glassdoor-selenium
Jupyter Notebook from Selenium Tutorial: Scraping Glassdoor.com"
qqfox/Text-classification-using-LDA-and-GCN
Constructed a structured heterogeneous text corpus graph to transform text classification problem into a node classification problem. Created semantic rich features by using Text GCN and topic modeling based approach-LDA which are then fed into a novel classification model.
qqfox/Text_Classification
Text Classification Algorithms: A Survey
qqfox/text_gcn.pytorch
PyTorch implementation of "Graph Convolutional Networks for Text Classification. Yao et al. AAAI2019."
qqfox/TextING
[ACL 2020] Tensorflow implementation for "Every Document Owns Its Structure: Inductive Text Classification via Graph Neural Networks"
qqfox/TextLevelGCN
source code of our paper presents in EMNLP 2019. https://www.aclweb.org/anthology/D19-1345/
qqfox/YooChoose_Pytorch_Geometric
YooChoose challenge with GCN in Pytorch Geometric