sequential modulelist moduledict nn

【d2l】【常见函数】【13】 nn.Linear( )

**只对输入的张量的最后一个维度做全连接** 参考:https://pytorch.org/docs/stable/generated/torch.nn.Linear.html ## 问题来源 ![image](https://img2023.cnblogs.com/blog/3240132/202 ......
函数 常见 Linear d2l d2

【d2l】【常见函数】【11】 nn.GRU()

**门控循环神经网络的API** ## 问题来源 【动手学深度学习】【9.7 序列到序列学习】 ![](https://img2023.cnblogs.com/blog/3240132/202307/3240132-20230727102220211-1147333498.png) 这个output ......
函数 常见 d2l GRU d2

【d2l】【常见函数】【9】 nn.Embedding()

**将输入的序列转换词向量** 转载:https://www.jianshu.com/p/63e7acc5e890 ,本帖仅用于学习,**请给原博主点赞** 参考:https://pytorch.org/docs/stable/generated/torch.nn.Embedding.html ## ......
函数 Embedding 常见 d2l d2

nn.MaxPool2d()、transpose().contiguous()、view()说明

**1.nn.MaxPool2d()** 和nn.Conv2D()基本一样,但是stride默认值是kernel_size。 **2.transpose().contiguous()、view()** contiguous一般与transpose,permute,view搭配使用:使用transpo ......

nn.Conv2d()参数说明、输入输出

**1.参数说明** ![](https://img2023.cnblogs.com/blog/2679751/202307/2679751-20230726163601352-1798700721.png) 2.输入输出参数计算 ![](https://img2023.cnblogs.com/bl ......
参数 Conv2d Conv2 Conv nn

深度学习(六)——神经网络的基本骨架:nn.Module的使用

# 一、torch.nn简介 > 官网地址: > > [torch.nn — PyTorch 2.0 documentation](https://pytorch.org/docs/stable/nn.html) ## 1. torch.nn中的函数简介 - Containers:神经网络的骨架 - ......
神经网络 骨架 深度 神经 Module

MEANTIME Mixture of Attention Mechanisms with Multi-temporal Embeddings for Sequential Recommendation

[TOC] > [Cho S., Park E. and Yoo S. MEANTIME: Mixture of attention mechanisms with multi-temporal embeddings for sequential recommendation. RecSys, 20 ......

Memory Augmented Graph Neural Networks for Sequential Recommendation

[TOC] > [Ma C., Ma L., Zhang Y., Sun J., Liu X. and Coates M. Memory augmented graph neural networks for sequential recommendation. AAAI, 2021.](http: ......

Graph Masked Autoencoder for Sequential Recommendation

[TOC] > [Ye Y., Xia L. and Huang C. Graph masked autoencoder for sequential recommendation. SIGIR, 2023.](http://arxiv.org/abs/2305.04619) ## 概 图 + MA ......

Time Interval Aware Self-Attention for Sequential Recommendation

[TOC] > [Li J., Wang Y., McAuley J. Time interval aware self-attention for sequential recommendation. WSDM, 2020.](https://dl.acm.org/doi/10.1145/3336 ......

torch.nn.Module.register_forward_hook使用

本文简单介绍 torch.nn.Module.register_forward_hook钩子函数的使用,简单写了一个卷积的网络,在net.conv1.register_forward_hook注册钩子函数,则会有module、输入input数据与卷积后输出数据output,重点说明module是关于 ......

torch.nn.Module.register_forward_pre_hook使用

本文简单介绍 torch.nn.Module.register_forward_pre_hook钩子函数的使用,简单写了一个卷积的网络,在net.conv1.register_forward_pre_hook注册钩子函数,则会有module与输入input数据,重点说明module是关于模型结构se ......

Contrastive Learning for Representation Degeneration Problem in Sequential Recommendation

[TOC] > [Qiu R., Huang Z., Ying H. and Wang Z. Contrastive learning for representation degeneration problem in sequential recommendation. WSDM, 2022.] ......

bitsandbytes通过源码安装后调用报错AttributeError: module 'bitsandbytes.nn' has no attribute 'Linear8bitLt'

通过github下载的源码使用pip install -e . 方式安装的时候会出现题目中的问题。这个时候先卸载掉bitsandbytes,然后重新使用pip install bitsandbytes 安装,这种方式直接从仓库中安装,问题就解决了。目前尚不清楚问题出现原因,虽然两种方式的安装版本都是 ......

nn-meter——构建CNN推理预测器

## 1 nn-meter构建流程 ## 2 构建tflite预测器 ### 2.1 环境搭建 1. follow它的readme提示,准备nn-meter的安装 ```bash git clone https://github.com/microsoft/nn-Meter cd nn-Meter ......
nn-meter meter CNN nn

Personalized Top-N Sequential Recommendation via Convolutional Sequence Embedding

Tang J. and Wang K. Personalized top-n sequential recommendation via convolutional sequence embedding. WSDM, 2018. 概 序列推荐的经典之作, 将卷积用在序列推荐之上. 符号说明 $\ma ......

【pytorch】土堆pytorch教程学习(六)神经网络的基本骨架——nn.module的使用

torch.nn 是 pytorch 的一个神经网络库(nn 是 neural network 的简称)。 Containers torch.nn 构建神经网络的模型容器(Containers,骨架)有以下六个: Module Sequential ModuleList ModuleDict Par ......
pytorch 土堆 神经网络 骨架 神经

深度学习--魔法类nn.Module

深度学习--魔法类nn.Module 作用 #pytorch 封装了一些基本的网络类,可以直接调用 #好处: 可以直接调用现有的类 容器机制:self.net = nn.Sequential() 参数返回:list(net.parameters())[0].shape #返回对应的参数的shape ......
深度 Module 魔法 nn

pytorch报错 No module named 'nn'

问题描述 pytorch 报错 No module named 'nn' 如果你 import torch 没问题,而 import torch.nn时出现问题,你可能命名使用了一个名字为 torch.py 文件,由于 torch.py 文件与系统的 torch.py 文件重名,所以会触发该问题,将 ......
pytorch module named 39 No

「解题报告」CF983E NN country

水点简单数据结构题! 考虑从两个点开始往上跳,每次肯定尽可能跳到最浅的点。两个点跳到再跳一步就能到达 lca 的位置的时候,此时再看看有没有路径连接这两个点,如果有那么一步就可以跳到,否则就要跳到 lca 再跳一步,两步跳到。跳的过程显然可以用倍增处理。 然后我们考虑处理出每个点能跳到的最浅的点。假 ......
country 报告 983E 983 CF

DiffuRec: A Diffusion Model for Sequential Recommendation

Li Z., Sun A. and Li C. DiffuRec: A diffusion model for sequential recommendation. arXiv preprint arXiv:2304.00686, 2023. 概 扩散模型用于序列推荐, 性能提升很大. DiffuR ......

Sequential Recommendation via Stochastic Self-Attention

Fan Z., Liu Z., Wang A., Nazari Z., Zheng L., Peng H. and Yu P. S. Sequential recommendation via stochastic self-attention. International World Wide W ......

Python TensorFlow深度神经网络回归:keras.Sequential

本文介绍基于Python语言中TensorFlow的Keras接口,实现深度神经网络回归的方法。 1 写在前面 前期一篇文章Python TensorFlow深度学习回归代码:DNNRegressor详细介绍了基于TensorFlow tf.estimator接口的深度学习网络;而在TensorFl ......
共53篇  :2/2页 首页上一页2下一页尾页