Mehak Khan's starred repositories

pygcn

Graph Convolutional Networks in PyTorch

Language:PythonLicense:MITStargazers:5117Issues:55Issues:70

PyTorch-BigGraph

Generate embeddings from large-scale graph-structured data.

Language:PythonLicense:NOASSERTIONStargazers:3361Issues:90Issues:196

GMNN

Graph Markov Neural Networks

MAGNN

Metapath Aggregated Graph Neural Network for Heterogeneous Graph Embedding

HIN-Datasets-for-Recommendation-and-Network-Embedding

Heterogeneous Information Network Datasets for Recommendation and Network Embedding

stable-diffusion-tensorflow

TensorFlow/Keras port of Stable Diffusion

Language:PythonLicense:NOASSERTIONStargazers:320Issues:7Issues:0

HINE

Heterogeneous Information Network Embedding

GraphEmbeddingRecommendationSystem

Python based Graph Propagation algorithm, DeepWalk to evaluate and compare preference propagation algorithms in heterogeneous information networks from user item relation ship.

Language:PythonLicense:MITStargazers:189Issues:10Issues:0

Recommendation-systems

Recommendation Systems This is a workshop on using Machine Learning and Deep Learning Techniques to build Recommendation Systesm Theory: ML & DL Formulation, Prediction vs. Ranking, Similiarity, Biased vs. Unbiased Paradigms: Content-based, Collaborative filtering, Knowledge-based, Hybrid and Ensembles Data: Tabular, Images, Text (Sequences) Models: (Deep) Matrix Factorisation, Auto-Encoders, Wide & Deep, Rank-Learning, Sequence Modelling Methods: Explicit vs. implicit feedback, User-Item matrix, Embeddings, Convolution, Recurrent, Domain Signals: location, time, context, social, Process: Setup, Encode & Embed, Design, Train & Select, Serve & Scale, Measure, Test & Improve Tools: python-data-stack: numpy, pandas, scikit-learn, keras, spacy, implicit, lightfm Notes & Slides Basics: Deep Learning AI Conference 2019: WhiteBoard Notes | In-Class Notebooks Notebooks Movies - Movielens 01-Acquire 02-Augment 03-Refine 04-Transform 05-Evaluation 06-Model-Baseline 07-Feature-extractor 08-Model-Matrix-Factorization 09-Model-Matrix-Factorization-with-Bias 10-Model-MF-NNMF 11-Model-Deep-Matrix-Factorization 12-Model-Neural-Collaborative-Filtering 13-Model-Implicit-Matrix-Factorization 14-Features-Image 15-Features-NLP Ecommerce - YooChoose 01-Data-Preparation 02-Models News - Hackernews Product - Groceries Python Libraries Deep Recommender Libraries Tensorrec - Built on Tensorflow Spotlight - Built on PyTorch TFranking - Built on TensorFlow (Learning to Rank) Matrix Factorisation Based Libraries Implicit - Implicit Matrix Factorisation QMF - Implicit Matrix Factorisation Lightfm - For Hybrid Recommedations Surprise - Scikit-learn type api for traditional alogrithms Similarity Search Libraries Annoy - Approximate Nearest Neighbour NMSLib - kNN methods FAISS - Similarity search and clustering Learning Resources Reference Slides Deep Learning in RecSys by Balázs Hidasi Lessons from Industry RecSys by Xavier Amatriain Architecting Recommendation Systems by James Kirk Recommendation Systems Overview by Raimon and Basilico Benchmarks MovieLens Benchmarks for Traditional Setup Microsoft Tutorial on Recommendation System at KDD 2019 Algorithms & Approaches Collaborative Filtering for Implicit Feedback Datasets Bayesian Personalised Ranking for Implicit Data Logistic Matrix Factorisation Neural Network Matrix Factorisation Neural Collaborative Filtering Variational Autoencoders for Collaborative Filtering Evaluations Evaluating Recommendation Systems

Language:Jupyter NotebookLicense:GPL-3.0Stargazers:157Issues:7Issues:2

H2GCN

Boost learning for GNNs from the graph structure under challenging heterophily settings. (NeurIPS'20)

IBGNN

MICCAI 2022 (Oral): Interpretable Graph Neural Networks for Connectome-Based Brain Disorder Analysis

GCN.PyTorch

Graph Convolutional Networks for Text Classification.

HGNN-AC

Source code of "WWW21 - Heterogeneous Graph Neural Network via Attribute Completion"

HAHE

Code for Arxiv 2018 Paper "HAHE: Hierarchical Attentive Heterogeneous Information Network Embedding"

pmidcite

Turbocharge a PubMed literature rather than clicking and clicking and clicking on Google Scholar

Language:PythonLicense:AGPL-3.0Stargazers:27Issues:5Issues:16

HINPy

A framework for the analysis of recommender systems and the diversity of recommendations in Heterogeneous Information Networks

Language:PythonLicense:Apache-2.0Stargazers:22Issues:0Issues:0

Influence-maximization

The project is trying to find the most influential group of nodes in a huge social network.(SUSTech AI lab3)

Language:PythonStargazers:22Issues:0Issues:0

NODE-SELECT

NODE-SELECT: A Graph Neural Network Based On A Selective Propagation Technique

Language:PythonLicense:MITStargazers:20Issues:1Issues:1

svd_gcn

CIKM 2022: SVD-GCN: A Simplified Graph Convolution Paradigm for Recommendation

Language:Jupyter NotebookStargazers:10Issues:2Issues:1

InfoMotif

Code for "Beyond Localized Graph Neural Networks: An Attributed Motif Regularization Framework" (ICDM 2020).

Language:C++License:BSD-3-ClauseStargazers:8Issues:3Issues:0
Language:PythonStargazers:5Issues:0Issues:0

Betweenness_Centrality

Betweenness Centrality is a metric that measures the importance of each node in a graph/network by giving it a numerical value. The nodes with the highest values of Betweenness Centrality will be the most important nodes in the graph.

Language:PythonStargazers:3Issues:1Issues:0

datasets

We have kept here various datasets used when creating tutorials for coderzcolumn

Stargazers:3Issues:0Issues:0
Language:PythonStargazers:2Issues:0Issues:0

Detection-of-Most-Influential-Nodes-in-a-Social-Network

This repository contains a novel model for the detection of most influential nodes in a social network graph

Language:Jupyter NotebookStargazers:2Issues:0Issues:0

Node2Vec_DBLP_citation_graph

Aim is to convert nodes and node attributes of the DBLP Citation graph to analyze graph specific trends. This objective entailed two tasks, recreating a search algorithm for sampling the neighborhood as per the Node2Vec algorithm and extract feature embeddings using the Word2Vec skip-gram architecture. The nodes (papers)are represented into a fixed size multi-space dimension that is capable of capturing closeness of two papers based on a mentioned metric. The final classification of groups is based on the feature embeddings, performed by the spectral clustering algorithm. The sense-making converts to a search based optimization problem as we built our model to maximize the probability of each node belonging to a neighborhood found depending on the likelihood of revisiting a node and of out-ward exploration.

Language:Jupyter NotebookStargazers:2Issues:2Issues:0
Language:JavaStargazers:1Issues:0Issues:0

centrality-multitask

Code for the Paper "Multitask Learning on Graph Neural Networks: Learning Multiple Graph Centrality Measures with a Unified Network" published at ICANN2019

Language:GAPLicense:MITStargazers:1Issues:2Issues:0