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/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/awesome-graph-self-supervised-learning-based-recommendation
A curated list of awesome graph & self-supervised-learning-based recommendation.
qqfox/bert
TensorFlow code and pre-trained models for BERT
qqfox/BERT-GNN-Dependency
qqfox/blog_code_GNN_scratch
A repo for holding example code
qqfox/chinese-text-preprocessing
qqfox/clean-house-assisted-data
to clean data for household assisted data and perform prediction based on some simple ML algorithms
qqfox/comparing-MLalgorithms-accuracy
Proceed dataset with different algorithms and check for best accuracy
qqfox/Complete-Python-3-Bootcamp
Course Files for Complete Python 3 Bootcamp Course on Udemy
qqfox/cskg
CSKG: The CommonSense Knowledge Graph
qqfox/demo-hgpu
this is a demo only
qqfox/distilbert_sentiment_classification
simple model using ktrain and distilbert to achieve 94% accuracy in sentiment classification
qqfox/graph-rag
Graph based retrieval + GenAI = Better RAG in production
qqfox/GraphEmbedding
Implementation and experiments of graph embedding algorithms.
qqfox/HeterSumGraph
Code for ACL2020 paper "Heterogeneous Graph Neural Networks for Extractive Document Summarization"
qqfox/include_library_sample
A sample code for importing code from a 3rd party library in C++
qqfox/keras
Deep Learning for humans
qqfox/Knowledge_Graph_based_Intent_Network
Learning Intents behind Interactions with Knowledge Graph for Recommendation, WWW2021
qqfox/ml4se
A curated list of papers, theses, datasets, and tools related to the application of Machine Learning for Software Engineering
qqfox/Paperlist-for-Recommender-Systems
Recommender Systems Paperlist that I am interested in
qqfox/Recommendation-System-with-LDA
Topic modelling and NLP with gensim and nltk
qqfox/RGCN-with-BERT
Graph Convolutional Networks (GCN) with BERT for Coreference Resolution Task [Pytorch][DGL]
qqfox/scikit-learn
scikit-learn: machine learning in Python
qqfox/stellargraph
StellarGraph - Machine Learning on Graphs
qqfox/streamlit-selenium-chrome
Scrape the web with Selenium and Chrome on Streamlit's Community Cloud
qqfox/terminusdb-tutorials
Tutorials for using TerminusDB
qqfox/Text_Classification
Text Classification Algorithms: A Survey
qqfox/Topic-Modeling-BERT-LDA
# Topic modeling with BERT, LDA and Clustering. Latent Dirichlet Allocation(LDA) probabilistic topic assignment and pre-trained sentence embeddings from BERT/RoBERTa.
qqfox/Transformers-for-NLP-2nd-Edition
Transformer models from BERT to GPT-4, environments from Hugging Face to OpenAI. Fine-tuning, training, and prompt engineering examples. A bonus section with ChatGPT, GPT-3.5-turbo, GPT-4, and DALL-E including jump starting GPT-4, speech-to-text, text-to-speech, text to image generation with DALL-E, Google Cloud AI,HuggingGPT, and more
qqfox/webscrapping-sentimentAnalysis-R
Scrape review of certain product and perform sentiment analysis based on the scraped reviews by R language