transformer tensorflow pytorch gpt

使用PyTorch实现去噪扩散模型

在深入研究去噪扩散概率模型(DDPM)如何工作的细节之前,让我们先看看生成式人工智能的一些发展,也就是DDPM的一些基础研究。 VAE VAE 采用了编码器、概率潜在空间和解码器。在训练过程中,编码器预测每个图像的均值和方差。然后从高斯分布中对这些值进行采样,并将其传递到解码器中,其中输入的图像预计 ......
模型 PyTorch

Load text: https://tensorflow.google.cn/tutorials/load_data/text

Tensorflow Load text: This tutorial demonstrates two ways to load and preprocess text. First, you will use Keras utilities and preprocessing layers. T ......
text tensorflow load_data tutorials google

环境配置问题一些注意的点(Pytorch+cudnn)

1、先安装好Pycharm以及Anaconda 我使用的是Python3.6版本,所以下载了与Python3.6对应的Anaconda,Pycharm下载的是社区版; 2、cudnn版本:首先查看自己电脑NVIDIA版本,从任务管理器中查看GPU型号,再从cudnn官网下载相关配件; 3、在note ......
Pytorch 环境 问题 cudnn

Window10安装PyTorch

1、参考地址 https://blog.csdn.net/Mind_programmonkey/article/details/99688839 2、安装pytorch-gpu时,网络不好的话可以开手机热点,然后进行下载安装 activate conda activate python3.8 pip ......
PyTorch Window 10

ICLR 2022: Anomaly Transformer论文阅读笔记+代码复现

本论文全名为Anomaly Transformer: Time Series Anomaly Detection with Association Descrepancy(通过关联差异进行时序异常检测),主要提出了一种无监督的异常点检测算法,并在6个benchmarks上测试,获取良好结果。 论文链 ......
Transformer Anomaly 代码 笔记 论文

pytorch反向传播错误解决:RuntimeError: Trying to backward through the graph a second time, but the buffers have already been freed. Specify retain_graph=True when calling backward the first time.

pytorch反向传播错误解决: 错误: RuntimeError: Trying to backward through the graph a second time, but the buffers have already been freed. Specify retain_graph=T ......
backward the graph time RuntimeError

我是学生 如何白嫖 GPT4

效果 速度巨快,无需同租,没有25/h条消息限制,最重要的是 学生免费。 0 你需要拥有的东西 一个 Github 学生认证账号(没有请右转进入洛师教育邮箱薅羊毛指南) 代理(或许改host也能) 1 获取自己的 Copilot api 进入网站:Get Copilot Token 这一步需要代理, ......
学生 GPT4 GPT

GPT Prompt

GPT Prompt 本文总结我关于GPT prompt的一些常用模板和资源。 我常用的模板 大致模板:你是一个怎样的人,我的场景是什么,我想要什么,你需要做什么。 比如: 你是一个经验丰富的前端开发者,我想要学习React框架相关的知识,我希望你给出一个学习大纲,使我能够循序渐进的学习。你只需要给 ......
Prompt GPT

python(pytorch)学习中的法宝

1、dir():打开、查看 比方在Pycharm中输入dir(torch),就可以输出torch中所有的使用方法(函数) 2、help(函数名):对于新手来讲很有用,函数不知道怎么用的时候,可以用该函数调出函数的使用参考。 3、dataset:提供一种方式去获取数据及其label(如何获取每一个数据 ......
法宝 pytorch python

Pytorch distributed overview

torch.distributed 包 v1.6.0后包括三个主要的部分: 1.Distributed Data-Parallel Training(DDP):单程序多数据训练范式。模型被复制到每个进程中,每个模型副本被提供一组不同的输入数据,并将其梯度计算累加以加快训练速度。(collective ......
distributed overview Pytorch

深度解析 PyTorch Autograd:从原理到实践

本文深入探讨了 PyTorch 中 Autograd 的核心原理和功能。从基本概念、Tensor 与 Autograd 的交互,到计算图的构建和管理,再到反向传播和梯度计算的细节,最后涵盖了 Autograd 的高级特性。 关注TechLead,分享AI全维度知识。作者拥有10+年互联网服务架构、A ......
深度 Autograd 原理 PyTorch

使用pytorch构建图卷积网络预测化学分子性质

在本文中,我们将通过化学的视角探索图卷积网络,我们将尝试将网络的特征与自然科学中的传统模型进行比较,并思考为什么它的工作效果要比传统的方法好。 https://avoid.overfit.cn/post/7cfa0930651b4b4cac912952d8c53d54 ......
图卷 分子 性质 pytorch 化学

概率霍夫变换(Progressive Probabilistic Hough Transform)原理详解

概率霍夫变换(Progressive Probabilistic Hough Transform)的原理很简单,如下所述: 1.随机获取边缘图像上的前景点,映射到极坐标系画曲线; 2.当极坐标系里面有交点达到最小投票数,将该点对应x-y坐标系的直线L找出来; 3.搜索边缘图像上前景点,在直线L上的点 ......

基于Pytorch的网络设计语法4

import torch.nn as nn import torch.functional as F import torch.optim as optim from collections import OrderedDict class Net4(nn.Module):# 从nn.Module ......
语法 Pytorch 网络

基于Pytorch的网络设计语法3

import torch.nn as nn import torch.functional as F import torch.optim as optim from collections import OrderedDict class Net3(nn.Module):# 从nn.Module ......
语法 Pytorch 网络

基于Pytorch的网络设计语法2

import torch.nn as nn import torch.functional as F import torch.optim as optim from collections import OrderedDict class Net2(nn.Module):# 从nn.Module ......
语法 Pytorch 网络

基于Pytorch的网络设计语法1

第一种语法: 层层堆叠 import torch.nn as nn import torch.functional as F import torch.optim as optim from collections import OrderedDict class Net1(nn.Module):# ......
语法 Pytorch 网络

【pytorch深度学习报错】AttributeError: module 'torch' has no attribute '_six'

1.AttributeError: module 'torch' has no attribute '_six'报错: 答:指的是安装的pytorch版本里面没有_six.py文件,因为在pytorch2.0版本以后不在具有此文件。 2.两个解决方法 答:①将2.0版本以前的_six.py文件复制到 ......
39 AttributeError attribute 深度 pytorch

5、flink任务中可以使用哪些转换算子(Transformation)

5、flink任务中可以使用哪些转换算子(Transformation) <div id="content_views" class="htmledit_views"> <h1>1、什么是Flink中的转换算子</h1> 在使用 Flink DataStream API 开发流式计算任务时,可以将一 ......
算子 Transformation 任务 flink

HTTP方式请求并处理GPT聊天补全接口的流式响应输出

python使用HTTP方式,调用OpenAI的聊天补全的流式响应接口,并处理数据 目的是,如果需要对接fastGPT等其他第三方,需要额外增加参数,或者其他开发语言调用时,不能使用官方的类库。需要自行封装请求方法,那么可以参考代码,增加参数或转成相应语言 import json import re ......
接口 方式 HTTP GPT

叫板GPT-4的Gemini,我做了一个聊天网页,可图片输入,附教程

先看效果: 简介 Gemini 是谷歌研发的最新一代大语言模型,目前有三个版本,被称为中杯、大杯、超大杯,Gemini Ultra 号称可与GPT-4一较高低: Gemini Nano(预览访问) 为设备端体验而构建的最高效模型,支持离线使用场景。 Gemini Pro(已推出) 性能最佳的模型,具 ......
网页 教程 Gemini 图片 GPT

SciTech-BigDataAIML-Tensorflow-Introduction to modules, layers, and models

Introduction to modules, layers, and models Model: To do machine learning in TensorFlow, you are likely to need to define, save, and restore a model. ......

SciTech-BigDataAIML-Tensorflow-Introduction to graphs and tf.function

Graphs are data structures that contain: a set of tf.Operation objects, which representing units of computation; and tf.Tensor objects, which represen ......

SciTech-BigDataAIML-Tensorflow-Introduction to Gradients and Automatic Differentiation

In this guide, you will explore ways to compute gradients with TensorFlow, especially in eager execution. Automatic Differentiation and Gradients Auto ......

TensorFlow 实现信号与系统中的严格卷积操作(类似np.convolve)

在TensorFlow中,可以使用tf.nn.conv1d函数来进行一维的卷积操作,这个函数通常是用于卷积神经网络的,但也可以实现信号与系统里的卷积,此处关于信号与系统的卷积,可以参照【官方双语】那么……什么是卷积?_哔哩哔哩_bilibili Numpy代码及结果 #得到结果:[ 4 13 28 ......
卷积 TensorFlow convolve 信号 系统

SciTech-BigDataAIML-Tensorflow-Variables

Lifecycles, naming, and watching tf.Variable instance have the same lifecycle as other Python objects in Python-based TensorFlow, When there are no re ......

PyTorch 神经网络基础

模型构造 在代码里 任何一个层或者神经网络都应该是Module的子类 通过继承nn.Module 可以更灵活的去自定义我们的操作 参数管理 自定义层 带参数的层需要给出输入的维度和输出的维度 读写文件 ......
网络基础 神经 PyTorch 基础 网络

SciTech-BigDataAIML-Tensorflow-Introduction to Tensors

https://tensorflow.google.cn/guide/tensor Introduction to Tensors Tensors are multi-dimensional arrays with a uniform type (called a dtype). tf.dtypes ......

SciTech-BigDataAIML-Tensorflow-Writing your own callbacks

Introduction A powerful callback was used to customize the behavior of a Keras model during training, evaluation, or inference. Examples include tf.ke ......

Visual Transformer 与归纳偏置

开端 ViT(Visual Transformer)是 2020 年 Google 团队提出的将 Transformer 应用在图像分类的模型,但是当训练数据集不够大的时候,ViT 的表现通常比同等大小的 ResNets 要差一些。 为什么呢?寻找答案的过程中,发现了 归纳偏置 这个概念。 在阅读 ......
Transformer Visual
共1660篇  :2/56页 首页上一页2下一页尾页