摘要:
Lucidrains 系列项目源码解析(一) .\lucidrains\Adan-pytorch\adan_pytorch\adan.py import math import torch from torch.optim import Optimizer # 定义一个函数,用于检查变量是否存在 d 阅读全文
posted @ 2024-06-28 14:15
绝不原创的飞龙
阅读(272)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(五十一) .\lucidrains\x-transformers\x_transformers\xval.py """ 定义了一个基于离散标记的常规变换器,但对于数字是连续的 更好地泛化了算术 https://arxiv.org/abs/2310.02989 阅读全文
posted @ 2024-06-28 14:14
绝不原创的飞龙
阅读(89)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(五十) .\lucidrains\x-clip\setup.py # 导入设置和查找包的函数 from setuptools import setup, find_packages # 设置包的信息 setup( # 包的名称 name = 'x-clip', 阅读全文
posted @ 2024-06-28 14:14
绝不原创的飞龙
阅读(179)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(五) .\lucidrains\byol-pytorch\byol_pytorch\trainer.py # 导入必要的库 from pathlib import Path import torch import torch.distributed as di 阅读全文
posted @ 2024-06-28 14:14
绝不原创的飞龙
阅读(134)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十一) .\lucidrains\soundstorm-pytorch\soundstorm_pytorch\trainer.py # 导入必要的模块 from pathlib import Path import re from shutil import 阅读全文
posted @ 2024-06-28 14:14
绝不原创的飞龙
阅读(77)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十五) .\lucidrains\triton-transformer\triton_transformer\cross_entropy.py # 导入 torch 库 import torch # 导入 torch 中的函数库 import torch.n 阅读全文
posted @ 2024-06-28 14:13
绝不原创的飞龙
阅读(241)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十四) .\lucidrains\toolformer-pytorch\toolformer_pytorch\tools.py # 导入所需的库 import os # 尝试导入所需的库,如果导入失败则输出错误信息并退出程序 try: # 从dotenv库中 阅读全文
posted @ 2024-06-28 14:13
绝不原创的飞龙
阅读(110)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十三) .\lucidrains\tf-bind-transformer\scripts\fetch_factor_fastas.py # 导入所需的库 import requests from pathlib import Path import clic 阅读全文
posted @ 2024-06-28 14:12
绝不原创的飞龙
阅读(99)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十七) .\lucidrains\vit-pytorch\setup.py # 导入设置和查找包的函数 from setuptools import setup, find_packages # 设置包的元数据 setup( # 包的名称 name = 'v 阅读全文
posted @ 2024-06-28 14:12
绝不原创的飞龙
阅读(101)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十六) .\lucidrains\vector-quantize-pytorch\vector_quantize_pytorch\residual_vq.py # 导入必要的库 import random from math import ceil from 阅读全文
posted @ 2024-06-28 14:12
绝不原创的飞龙
阅读(203)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十九) .\lucidrains\vit-pytorch\vit_pytorch\vit_3d.py import torch # 导入 PyTorch 库 from torch import nn # 从 PyTorch 库中导入 nn 模块 from e 阅读全文
posted @ 2024-06-28 14:08
绝不原创的飞龙
阅读(169)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十二) .\lucidrains\st-moe-pytorch\st_moe_pytorch\__init__.py # 从 st_moe_pytorch.st_moe_pytorch 模块中导入 MoE 和 SparseMoEBlock 类 from st 阅读全文
posted @ 2024-06-28 14:08
绝不原创的飞龙
阅读(143)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十八) .\lucidrains\vit-pytorch\vit_pytorch\mobile_vit.py import torch import torch.nn as nn from einops import rearrange from einop 阅读全文
posted @ 2024-06-28 14:07
绝不原创的飞龙
阅读(117)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四十) Data source The enwik8 data was downloaded from the Hutter prize page: http://prize.hutter1.net/ .\lucidrains\sinkhorn-transfo 阅读全文
posted @ 2024-06-28 14:07
绝不原创的飞龙
阅读(104)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(四) .\lucidrains\big-sleep\big_sleep\cli.py # 导入 fire 模块,用于命令行接口 import fire # 导入 random 模块并重命名为 rnd import random as rnd # 从 big_s 阅读全文
posted @ 2024-06-28 14:06
绝不原创的飞龙
阅读(112)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十一) .\lucidrains\denoising-diffusion-pytorch\denoising_diffusion_pytorch\attend.py # 导入必要的模块和类 from functools import wraps from pa 阅读全文
posted @ 2024-06-28 14:06
绝不原创的飞龙
阅读(179)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十四) Electra - Pytorch A simple working wrapper for fast pretraining of language models as detailed in this paper. It speeds up tra 阅读全文
posted @ 2024-06-28 14:06
绝不原创的飞龙
阅读(163)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十三) .\lucidrains\diffusion-policy\setup.py # 导入设置工具和查找包的函数 from setuptools import setup, find_packages # 设置包的元数据 setup( name = 'di 阅读全文
posted @ 2024-06-28 14:05
绝不原创的飞龙
阅读(135)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十七) Flexible Diffusion Modeling of Long Videos - Pytorch (wip) Implementation of the video diffusion model and training scheme pre 阅读全文
posted @ 2024-06-28 14:05
绝不原创的飞龙
阅读(73)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十六) .\lucidrains\feedback-transformer-pytorch\setup.py # 导入设置和查找包的函数 from setuptools import setup, find_packages # 设置包的元数据 setup( 阅读全文
posted @ 2024-06-28 14:05
绝不原创的飞龙
阅读(117)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十九) .\lucidrains\gigagan-pytorch\gigagan_pytorch\version.py # 定义变量 __version__,赋值为字符串 '0.2.20' __version__ = '0.2.20' .\lucidrains 阅读全文
posted @ 2024-06-28 14:05
绝不原创的飞龙
阅读(130)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十二) .\lucidrains\denoising-diffusion-pytorch\denoising_diffusion_pytorch\karras_unet.py """ the magnitude-preserving unet proposed 阅读全文
posted @ 2024-06-28 14:04
绝不原创的飞龙
阅读(140)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十八) .\lucidrains\geometric-vector-perceptron\examples\data_utils.py # 作者:Eric Alcaide # 导入必要的库 import os import sys # 科学计算库 import 阅读全文
posted @ 2024-06-28 14:04
绝不原创的飞龙
阅读(67)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(十) .\lucidrains\DALLE2-pytorch\setup.py # 导入所需的模块和函数 from setuptools import setup, find_packages # 执行版本文件中的代码,将版本信息导入当前环境 exec(ope 阅读全文
posted @ 2024-06-28 14:04
绝不原创的飞龙
阅读(211)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十一) .\lucidrains\PaLM-pytorch\palm_pytorch\triton\layernorm.py # 从 Phil Tillet 的 Triton 的 layernorm 教程中获取的代码 # Triton - https://t 阅读全文
posted @ 2024-06-28 14:04
绝不原创的飞龙
阅读(135)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十四) .\lucidrains\pixel-level-contrastive-learning\pixel_level_contrastive_learning\__init__.py # 从 pixel_level_contrastive_learni 阅读全文
posted @ 2024-06-28 14:04
绝不原创的飞龙
阅读(77)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十五) .\lucidrains\q-transformer\q_transformer\q_robotic_transformer.py # 从 random 模块导入 random 函数 from random import random # 从 fun 阅读全文
posted @ 2024-06-28 14:03
绝不原创的飞龙
阅读(74)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十三) .\lucidrains\perfusion-pytorch\perfusion_pytorch\save_load.py # 导入所需的模块 from pathlib import Path import torch from torch impo 阅读全文
posted @ 2024-06-28 14:03
绝不原创的飞龙
阅读(100)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十七) .\lucidrains\RETRO-pytorch\retro_pytorch\training.py import numpy as np from functools import partial import json from pathli 阅读全文
posted @ 2024-06-28 14:03
绝不原创的飞龙
阅读(191)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十六) Data source The enwik8 data was downloaded from the Hutter prize page: http://prize.hutter1.net/ Reformer with Deepspeed for 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(130)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十九) .\lucidrains\se3-transformer-pytorch\se3_transformer_pytorch\spherical_harmonics.py # 从 math 模块中导入 pi 和 sqrt 函数 # 从 functools 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(89)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十二) Parti - Pytorch Implementation of Parti, Google's pure attention-based text-to-image neural network, in Pytorch. Project Page 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(132)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十八) .\lucidrains\routing-transformer\routing_transformer\routing_transformer.py # 导入 torch 库 import torch # 导入 torch 中的神经网络模块 imp 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(66)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三十) .\lucidrains\nuwa-pytorch\nuwa_pytorch\optimizer.py # 导入 torch 库 import torch # 从 torch.optim 中导入 AdamW 和 Adam 优化器 # 分离可进行权重衰减 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(107)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(三) .\lucidrains\audiolm-pytorch\audiolm_pytorch\data.py # 导入必要的模块 from pathlib import Path from functools import partial, wraps # 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(161)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(七) .\lucidrains\compressive-transformer-pytorch\setup.py # 导入设置和查找包的函数 from setuptools import setup, find_packages # 设置包的元数据 setup 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(129)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(六) .\lucidrains\CoCa-pytorch\coca_pytorch\__init__.py # 从 coca_pytorch 模块中导入 CoCa 类 from coca_pytorch.coca_pytorch import CoCa CoC 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(135)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(九) Dataloaders In order to make loading data simple and efficient, we include some general dataloaders that can be used to train p 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(125)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十一) .\lucidrains\imagen-pytorch\setup.py # 导入设置工具和查找包工具 from setuptools import setup, find_packages # 执行版本文件中的代码,将版本信息导入当前环境 exec 阅读全文
posted @ 2024-06-28 14:02
绝不原创的飞龙
阅读(122)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十五) .\lucidrains\med-seg-diff-pytorch\setup.py # 导入设置工具和查找包工具 from setuptools import setup, find_packages # 设置包的信息 setup( # 包名 na 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(87)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十四) .\lucidrains\magvit2-pytorch\magvit2_pytorch\optimizer.py # 从 torch.optim 模块中导入 AdamW 和 Adam 优化器 from torch.optim import Adam 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(118)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十三) .\lucidrains\lion-pytorch\setup.py # 导入设置和查找包的函数 from setuptools import setup, find_packages # 设置包的元数据 setup( name = 'lion-py 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(168)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十七) .\lucidrains\metaformer-gpt\setup.py # 导入设置工具和查找包的函数 from setuptools import setup, find_packages # 设置包的信息 setup( # 包的名称 name 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(86)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十六) .\lucidrains\memory-efficient-attention-pytorch\memory_efficient_attention_pytorch\memory_efficient_cosine_sim_attention.py i 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(218)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十九) .\lucidrains\naturalspeech2-pytorch\naturalspeech2_pytorch\attend.py # 导入必要的库 from collections import namedtuple from functoo 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(158)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十二) .\lucidrains\lightweight-gan\lightweight_gan\diff_augment.py # 导入random模块 import random # 导入torch模块及其子模块 import torch import 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(102)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十八) .\lucidrains\multistream-transformers\multistream_transformers\__init__.py # 从 multistream_transformers 包中导入 MultistreamTrans 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(118)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二十) .\lucidrains\imagen-pytorch\imagen_pytorch\imagen_pytorch.py # 导入数学库 import math # 从随机模块中导入随机函数 from random import random # 从 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(89)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(二) .\lucidrains\alphafold2\scripts\refinement.py # 导入所需的库和模块 import os import json import warnings # 科学计算库 import numpy as np # 尝试 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(105)
评论(0)
推荐(0)
摘要:
Lucidrains 系列项目源码解析(八) .\lucidrains\DALLE-pytorch\setup.py # 导入设置工具和查找包工具 from setuptools import setup, find_packages # 执行版本文件中的代码,将版本信息导入当前环境 exec(op 阅读全文
posted @ 2024-06-28 14:01
绝不原创的飞龙
阅读(190)
评论(0)
推荐(0)

浙公网安备 33010602011771号