graph fish

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

【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. 概 标题取得有 ......

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

成功解决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 ......

论文阅读:iterator zero-shot llm prompting for knowledge graph construction

Abstract 知识图谱,一种相互连接和可解释的结构。 生成需要更多的人力、领域知识、并需要适用于不同的应用领域。 本论文提出借助LLM,通过0-shot和外部知识不可知的情况下生成知识图谱。 主要贡献: 迭代的prompting提取最终图的相关部分 0-shot,不需要examples 一个可扩 ......

G. Counting Graphs

G. Counting Graphs 题意:添加几条线段,使得图仍保持原先的最小生成树 通过画图我们发现,要添加u->v的线段,线段必须大于u->v的路径内的最大值,不然会破坏原先的最小生成树。 那么该怎么维护路径内的最大值呢? 方法: 1.我们对边的大小进行排序,这样当前边一定大于等于之前的边,只 ......
Counting Graphs

CODE FESTIVAL 2017 Elimination Tournament Round 3 F Unicyclic Graph Counting

洛谷传送门 AtCoder 传送门 看到和度数有关的(基环)树计数,可以想到 Prufer 序。 如果要计数一棵树,那么答案就是 \(\binom{n - 2}{d_1 - 1, d_2 - 1, \ldots, d_n - 1}\)。因为度数为 \(d\) 的点在 Prufer 序中恰好出现 \( ......

[NIPS 2021]Do Transformers Really Perform Bad for Graph Representation

[NIPS 2021]Do Transformers Really Perform Bad for Graph Representation 微软提出的graph transformer,名叫Graphormer Transformer 通常,transformer layer有一个self-att ......

3D力导向树插件 3d-force-graph

3d-force-graph是什么? 一个 Web 组件,使用强制导向的迭代布局来表示 3 维空间中的图形数据结构。使用ThreeJS /WebGL 进行 3D 渲染,使用d3-force-3d或ngraph作为底层物理引擎。 3d-force-graph可以做些什么? 参考以下效果: 哔哩哔哩:h ......
3d-force-graph 导向 插件 force graph

CF1857G Counting Graphs

题目链接 考虑每条非树边的取值,显然不能小于等于该边与树边形成的环中的最大值(当然这条非树边也可以不存在),所以每条非树边的取值范围就是 \(S - max(w) + 1\) (\(+1\)的原因是该边可能不存在)。 暴力枚举肯定会超时,考虑优化。 发现 \(kruskal\) 算法获得最小生成树的 ......
Counting Graphs 1857G 1857 CF

[IJCAI 2023]Preventing Attacks in Interbank Credit Rating with Selective-aware Graph Neural Network

[IJCAI 2023]Preventing Attacks in Interbank Credit Rating with Selective-aware Graph Neural Network 问题 文章研究的是对银行间信用评价的攻击的预防。点是银行,边是银行间的借贷关系。 攻击方式有特征攻击 ......

CF1805D A Wide, Wide Graph

原题 翻译 如果距离越长越优的题要考虑树的直径 我们发现这题对于一个\(k\),我们对于每个点,让他从最远的点连过来得到的图的连通性等价于原图的连通性 而对于一个点最远的点就是他到直径两个端点的距离 因此我们求出树的直径,然后对于两个端点\(dfs\),求出他们的深度,对于每个点,距离他们最远的距离 ......
Wide 1805D Graph 1805 CF

题解 [ARC165C] Social Distance on Graph

赛时:看不懂题,啊这! 赛后:就这? 题目描述 有一个简单相连的无向图,其顶点数为 \(n\),编号为 \(1\) 至 \(n\)。图中有 \(m\) 条加权边,第 \(i\) 条边连接顶点 \(a_i\) 和 \(b_i\),权重为 \(w_i\)。此外,连接两个顶点的简单路径的权重是简单路径中包 ......
题解 Distance Social Graph 165C

[IJCAI 2023]Fighting against Organized Fraudsters Using Risk Diffusion-based Parallel Graph Neural Network

[IJCAI 2023]Fighting against Organized Fraudsters Using Risk Diffusion-based Parallel Graph Neural Network 文章设计了一种基于社区的医疗保险欺诈行为检测。 模型 为了提高精度,模型设计了一组异构 ......

[CF235D] Graph Game

Graph Game 乌克兰逃兵在线发题解。 好像要用期望去推,但是像我这种看到序列的期望题只想得到线性性的弱鸡只能感理了。 我们把点分治过程当成点分树,y 能在 x 被爆时做贡献当且仅当 y 为 x 的子树。 先考虑树的情况。 考虑把遍历 t 的次数分到单个点上发现仅当 x 为 x->y 路径上第 ......
Graph 235D Game 235 CF

ACL2022 paper1 CAKE: A Scalable Commonsense-Aware Framework for Multi-View Knowledge Graph Completion

CAKE:用于多视域知识图谱补全的可扩展常识感知框架 ACL2022 Abstract 知识图谱存储大规模事实三元组,然而不可避免的是图谱仍然具有不完整性。(问题)以往的只是图谱补全模型仅仅依赖于事实域数据进行实体之间缺失关系的预测,忽略了宝贵的常识知识。以往的知识图嵌入技术存在无效负抽样和事实域链 ......