graph recommendation augmentations contrastive

Sampling from Large Graphs

目录概主要内容 Leskovec J. and Faloutsos C. Sampling from large graphs. KDD, 2006. 概 讨论了不同稀疏化方法对于 large-graph 的`结构' 的保持. 主要内容 作者本文的目的是希望比较不同的'稀疏化'方法: 利用一些方法从 ......
Sampling Graphs Large from

Internet-augmented language models through few-shot prompting for open-domain question answering阅读笔记

Internet-augmented language models through few-shot prompting for open-domain question answering 其实我没怎么正经读过论文,尤其是带实验的,我目前认真读过的(大部头)也就是一些LLM的综述。记录这个文档主 ......

Robust Graph Representation Learning via Neural Sparsification

目录概符号说明NeuralSparse Zheng C., Zong B., Cheng W., Song D., Ni J., Yu W., Chen H. and Wang W. Robust graph representation learning via neural sparsifica ......

学习笔记:Graph WaveNet

学习和复现一下经典模型Graph WaveNet,事实证明结果跟现在的比也差不了多少,速度也挺快。目前就先把经典模型都学习一遍吧。 ......
WaveNet 笔记 Graph

论文阅读(四)—— Spatial Temporal Graph Convolutional Networks for Skeleton-Based Action Recognition

![image](https://img2023.cnblogs.com/blog/3279428/202310/3279428-20231016232154691-2008412580.png) ![image](https://img2023.cnblogs.com/blog/3279428/2... ......

论文阅读(三)——Channel-wise Topology Refinement Graph Convolution for Skeleton-Based Action Recognition

代码 实验 python main.py --config config/nturgbd-cross-subject/default.yaml --work-dir work_dir/ntu/csub/ctrgcn --device 0 --num-worker 0 综述 ......

ABC262E - Red and Blue Graph

原题 翻译 诈骗诈骗诈骗诈骗诈骗诈骗诈骗诈骗!!! 第一眼看上去很像一个 NP-Hard 问题,完全没有思路 然后以为 dp ,然后看数据范围一眼寄 首先遇到 01 染色问题,而且一边连接的两点颜色相同/不同(其实主要是不同)会产生贡献的问题,要考虑一下能不能先统一染成一个颜色,然后看改变颜色后会产 ......
Graph 262E Blue ABC 262

Graph Wave Net模型中的数据集hdf5和pkl文件的读取问题

引入:GraphWaveNet的流量数据的文件格式是.h5,路网结构文件格式是.pkl,它们怎么打开呢? HDF5 HDF5文件一般以 .h5 或者 .hdf5 作为后缀名,其中包含两种结构:Group(文件夹)和Datasets(数据) python可以使用 h5py 或 pandas 打开.h5 ......
模型 文件 数据 问题 Graph

Triangle Graph Interest Network for Click-through Rate Prediction

目录概TGINMotivation: Triangle 的重要性Model代码 Jiang W., Jiao Y., Wang Q., Liang C., Guo L., Zhang Y., Sun Z., Xiong Y. and Zhu Y. Triangle graph interest ne ......

Dual Graph enhanced Embedding Neural Network for CTR Prediction

目录概DG-ENN Guo W., Su R., Tan R., Guo H., Zhang Y., Liu Z., Tang R. and He X. Dual graph enhanced embedding neural network for ctr prediction. KDD, 202 ......
Prediction Embedding enhanced Network Neural

【PRC】鲁棒跨域伪标记和对比学习的无监督域自适应NIR-VIS人脸识别 Robust Cross-Domain Pseudo-Labeling and Contrastive Learning for Unsupervised Domain Adaptation NIR-VIS Face Recognition

【该文章为杨学长的文章,膜拜】 探索跨领域数据中的内在关系并学习领域不变表示 由于需要在低光照条件下实现24h的人脸识别,近红外加可见光的(NIR-VIS)人脸识别受到了更多的关注。但是数据标注是一个难点。该文章提出了Robust crossdomain Pseudo-labeling and Co ......

【Unity3D】Shader Graph简介

1 Shader Graph 简介 ​ Shader Graph 是 Unity 官方在 2018 年推出的 Shader 制作插件,是图形化的 Shader 制作工具,类似于 Blender 中的 Shader Editor 和 UE 中的 Material Editor,它使用流程图的形式表达顶 ......
Unity3D 简介 Shader Unity3 Unity

Trying to backward through the graph a second time

原因是把创建loss的语句loss_aux = torch.tensor(0.)放在循环体外了,可能的解释是第一次backward后把计算图删除,第二次backward就会找不到父节点,也就无法反向传播。参考:https://stackoverflow.com/questions/55268726/ ......
backward through Trying second graph

Fi-GNN: Modeling Feature Interactions via Graph Neural Networks for CTR Prediction

目录概Fi-GNN代码 Li Z., Cui Z., Wu S., Zhang X. and Wang L. Fi-GNN: Modeling feature interactions via graph neural networks for ctr prediction. CIKM, 2019. ......

Graph Laplacian for Semi-Supervised Learning

目录概符号说明Graph-Laplacian for SSL Streicher O. and Gilboa G. Graph laplacian for semi-supervised learning. arXiv preprint arXiv:2301.04956, 2023. 概 标题取得有 ......

A Lightweight Method for Modeling Confidence in Recommendations with Learned Beta Distributions论文阅读笔记

A Lightweight Method for Modeling Confidence in Recommendations with Learned Beta Distributions论文阅读笔记 摘要 ​ 大多数推荐系统并不提供对其决策信心的指示。因此,他们不区分确定的建议和不确定的建议。现 ......

Graph RAG: 知识图谱结合 LLM 的检索增强

RAG(Retrieval Argumented Generation)这种基于特定任务/问题的文档检索范式中,我们通常先收集必要的上下文,然后利用具有认知能力的机器学习模型进行上下文学习(in-context learning),来合成任务的答案。这次,我们借助 LLM 的力量,强化下 RAG。 ......
图谱 知识 Graph RAG LLM

Go - Finding the Shortest Path on a Graph

Problem: You want to find the shortest path between two nodes on a weighted graph. Solution: Use Dijkstra’s algorithm to find the shortest path betwee ......
Shortest Finding Graph Path the

AttributeError: module 'tensorflow' has no attribute 'get_default_graph'

具体操作命令是:创建一个python <3.8的虚拟环境。conda create -n your_env_name python=3.6激活并进入该环境。activate your_env_name安装1.x版本的tensorflow。pip install tensorflow==1.15.0 ......

AttributeError: module 'tensorflow' has no attribute 'reset_default_graph'

环境配置: python3.7 tensorflow2.0 Window 10初始代码:tf.reset_default_graph()解决方法:import tensorflow as tftf.compat.v1.reset_default_graph()或者是这样:import tensorf ......

CF986C AND Graph

出题人纯nt要用bitset存bool数组来卡空间也真是没谁了 这题的思路其实有点像高维前缀和,考虑对于某个数\(x\),我们知道\(y=(2^n-1)\oplus x\)与\(x\)的与一定为\(0\),且\(y\)的所有子集也满足与\(x\)后为\(0\) 考虑怎么处理这种子集关系,我们借鉴于高 ......
Graph 986C 986 AND CF

Go - Creating Graphs

Problem: You want to create a weighted graph data structure. Solution: Create structs for nodes and edges and place them in a Graph struct. Create and ......
Creating Graphs Go

Personalized Transformer for Explainable Recommendation论文阅读笔记

Personalized Transformer for Explainable Recommendation论文阅读笔记 摘要 ​ 自然语言生成的个性化在大量任务中都起着至关重要的作用。比如可解释的推荐,评审总结和对话系统等。在这些任务中,用户和项目ID是个性化的重要标识符。虽然Transfome ......

成功解决WARNING: You do not appear to have an NVIDIA GPU supported by the 430.34 NVIDIA Linux graph

https://blog.csdn.net/qq_41185868/article/details/97521492?ops_request_misc=%257B%2522request%255Fid%2522%253A%2522169682165516800215061872%2522%252C% ......
NVIDIA supported WARNING 430.34 appear

Python程序调用图(Call Graph)

vitsalis/PyCG: Static Python call graph generator (github.com) 2103.00587.pdf (arxiv.org) PyCG - Practical Python Call Graphs PyCG generates call grap ......
程序 Python Graph Call

ControlNet-trt优化总结3:使用multi-stream和cuda-graph构建并行流水线

ControlNet-trt优化总结3:使用multi-stream和cuda-graph构建并行流水线 上节谈到使用TRT-API来构建网络,在这一节中总结一些trick来提升模型的运行效率,这些trick在所有的trt优化中均可使用,主要有以下几点: 使用cuda_graph减少kernel间的 ......

GNNExplainer: Generating Explanations for Graph Neural Networks论文阅读笔记

GNNExplainer: Generating Explanations for Graph Neural Networks论文阅读笔记 摘要 ​ 因为结合图结构和特征信息会导致复杂的模型,解释GNN的预测没有得到解决,所有提出了一个GNNExplainer,是第一个通用的,与模型无关的方法,可以 ......

论文阅读:A Lightweight Knowledge Graph Embedding Framework for Efficient Inference and Storage

ABSTRACT 现存的KGE方法无法适用于大规模的图(由于存储和推理效率的限制) 作者提出了一种LightKG框架: 自动的推断出码本codebooks和码字codewords,为每个实体生成合适的embedding。 同时,框架中包含残差模块来实现码本的多样性,并且包含连续函数来近似的实现码字的 ......

CF506D Mr. Kitayuta's Colorful Graph

好久没更新这个单题系列了,主要是最近没啥CF比赛空闲时间又少,今天忙里偷闲写了两个题 这个题就比较典了,两点是否连通一般都是想到并查集维护,现在的问题是要对每种颜色的边把贡献算清楚 很容易想到枚举所有颜色的边,每次求出所有连通分量后遍历一遍询问统计答案,这样正确性显然但复杂度是\(O(m\times ......
Kitayuta Colorful Graph 506D 506

Graph-less Collaborative Filtering

目录概符号说明SimRecPrediction-Level DistillationEmbedding-level DistillationAdaptive Contrastive Regularization总的损失代码 Xia L., Huang C., Shi J. and Xu Y. Gra ......