GitHub 中文社区
回车: Github搜索    Shift+回车: Google搜索
论坛
排行榜
趋势
登录

©2025 GitHub中文社区论坛GitHub官网网站地图GitHub官方翻译

  • X iconGitHub on X
  • Facebook iconGitHub on Facebook
  • Linkedin iconGitHub on LinkedIn
  • YouTube iconGitHub on YouTube
  • Twitch iconGitHub on Twitch
  • TikTok iconGitHub on TikTok
  • GitHub markGitHub’s organization on GitHub
集合主题趋势排行榜
#

deepwalk

Website
Wikipedia
benedekrozemberczki/awesome-graph-classification
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-graph-classification

A collection of important graph embedding, classification and representation learning papers with implementations.

graph2vecclassification-algorithmgraph-kernelsweisfeiler-lehmankernel-methodsdeep-graph-kernelsnetlsdgraph-attention-modelgraph-attention-networksstructural-attentionattention-mechanismnode2vecgraph-embeddingnetwork-embeddingnode-embeddinggraph-representation-learningdeepwalkgraph-convolutional-networks
Python 4.79 k
2 年前
https://static.github-zh.com/github_avatars/shenweichen?size=40
shenweichen / GraphEmbedding

Implementation and experiments of graph embedding algorithms.

deepwalknode2veclinestruc2vecgraph
Python 3.81 k
1 年前
benedekrozemberczki/awesome-community-detection
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-community-detection

#计算机科学#A curated list of community detection research papers with implementations.

graph-clusteringnetwork-clusteringclusteringdimensionality-reductionfactorizationembedding深度学习matrix-factorizationigraphnetworkxnetwork-sciencesocial-networknetwork-analysisnode2vecdeepwalkunsupervised-learning数据科学机器学习community-detection
Python 2.38 k
1 年前
benedekrozemberczki/karateclub
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / karateclub

#计算机科学#Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020)

community-detectiongraph-clusteringdeepwalknetworkxlouvainnetwork-science机器学习unsupervised-learninggcnnode2vecgraph2vecsupervised-learningscikit-learngraph-embeddingnetwork-embeddingnode-embedding
Python 2.23 k
1 年前
benedekrozemberczki/CapsGNN
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / CapsGNN

#计算机科学#A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).

capsgnncapsule-networkcapsule-neural-networksconvolutionPyTorchresearchTensorflow机器学习深度学习gnndeepwalknode2vecgraph-attention-networksgraph-attention-modelscikit-learnstruc2vecgraph-convolutiongraph-neural-network
Python 1.26 k
2 年前
https://static.github-zh.com/github_avatars/dsgiitr?size=40
dsgiitr / graph_nets

PyTorch Implementation and Explanation of Graph Representation Learning papers: DeepWalk, GCN, GraphSAGE, ChebNet & GAT.

graph-representation-learninggraph-convolutional-networksgraph-attention-networksgraph-embeddingdeepwalknode-embeddingPyTorch
Jupyter Notebook 1.2 k
3 个月前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / graph2vec

#计算机科学#A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).

graph2vecsubgraph2vecgraph-waveletgraph-embeddingnode-embeddingdeepwalkword2vecnode2vecstruc2vecweisfeiler-lehmanKernelmatrix-factorization机器学习unsupervised-learningtransformer
Python 925
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / ClusterGCN

#计算机科学#A PyTorch implementation of "Cluster-GCN: An Efficient Algorithm for Training Deep and Large Graph Convolutional Networks" (KDD 2019).

gcngraph-convolutiongraph-neural-networksgraph-convolutional-networksdeepwalknode2vecPyTorchgraphsagegraph2veccommunity-detectionclusteringgraph-clustering神经网络深度学习louvain
Python 799
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / datasets

#计算机科学#A repository of pretty cool datasets that I collected for network science and machine learning research.

network-sciencenetwork-analysis数据科学机器学习gcngraph-embeddingnetwork-embeddingcommunity-detectiongraph-convolutionnode-embeddinggraph-neural-networkgnndimensionality-reductiondeepwalknode2vecgraph2vecbenchmarkdataset
634
1 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / GraphWaveletNeuralNetwork

#计算机科学#A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)

gcngraph-convolution机器学习深度学习iclrscikit-learnPyTorchdeepwalknode2vecgraphsageconvolutional-neural-networksresearchTensorflowgraph-neural-networkstransformergpt2gpt3
Python 596
2 年前
https://static.github-zh.com/github_avatars/BaseModelAI?size=40
BaseModelAI / cleora

#数据仓库#Cleora AI is a general-purpose open-source model for efficient, scalable learning of stable and inductive entity embeddings for heterogeneous relational data. Created by Synerise.com team.

人工智能graphsembeddings机器学习deepwalkentity数据集
Jupyter Notebook 503
7 个月前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / MixHop-and-N-GCN

#计算机科学#An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).

PyTorchpytorch-cnn深度学习机器学习deepwalknode2vecgcngraph-convolutionconvolutional-neural-networksconvolutional-layersTensorflowgraph-representation-learninggraph-attention-networks
Python 405
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / APPNP

#计算机科学#A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).

gcnPyTorchgraph-neural-networkresearch机器学习深度学习deepwalknode2vecattentiongraph-embeddingnode-embeddingiclr深度神经网络network-embedding
Python 368
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / AttentionWalk

#计算机科学#A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).

PyTorchtorchattentiondeepwalknode2vecword2vecmatrix-factorization深度学习structural-attentiongraph-representation-learningscikit-learnTensorflownipsneuripsgraph-neural-networks机器学习
Python 326
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / SGCN

#计算机科学#A PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018).

gcngraphsagegraph-convolutiongraph-embeddingdeepwalknode2vecnetwork-embedding深度学习graph-neural-networks神经网络PyTorch机器学习pytorch-geometrictransformergpt2gpt3
Python 275
2 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / GAM

#计算机科学#A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).

graph-convolutiongcnattentionstructural-attentiondeepwalknode2vecgraph2vecgraphsage机器学习transfer-learningreinforcement-learningdeep-reinforcement-learningneural-networksPyTorchscikit-learn
Python 273
3 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / GEMSEC

#计算机科学#The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).

clusteringdeepwalknode2vecword2vecTensorflowFacebookdeezercommunity-detectionmatrix-factorizationembedding神经网络unsupervised-learninggensim机器学习network-embeddinggraph-embedding
Python 260
3 年前
https://static.github-zh.com/github_avatars/xiangyue9607?size=40
xiangyue9607 / BioNEV

Graph Embedding Evaluation / Code and Datasets for "Graph Embedding on Biomedical Networks: Methods, Applications, and Evaluations" (Bioinformatics 2020)

graph-embeddingnetwork-embeddingdeepwalknode2vecstruc2vecmatrix-factorization
Python 227
5 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / Splitter

#计算机科学#A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).

deepwalkPyTorchnode2vecgensim机器学习word2vecfactorization深度学习深度神经网络graph-neural-networknode-embeddingcommunity-detectionclusteringnetwork-embeddinggraph-embeddinggraph-representation-learning
Python 213
2 年前
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / SEAL-CI

#计算机科学#A PyTorch implementation of "Semi-Supervised Graph Classification: A Hierarchical Graph Perspective" (WWW 2019)

gcngraph-convolutional-networksactive-learning深度学习PyTorchTensorflowdeepwalknode2vecgraph-neural-networkgraph-representation-learningnetwork-embeddinggraph-embeddinggraph-convolution机器学习gnngraph-neural-networks
Python 210
3 年前
loading...