- 博客(49)
- 收藏
- 关注
原创 二分类指标计算
函数来计算测试数据集的LogLoss。在计算时需要累加每个批次的loss,最后将总和除以测试集的样本数就可以得到平均Loss。函数来计算测试数据集的AUC。在计算时需要获取每个样本的预测概率和真实标签,可以使用。函数来求解ERR对应的阈值,最后将求解结果乘以100,即可得到EER的百分比形式。函数来计算测试数据集的EER。将输出转换到0~1之间的概率,然后将它们添加到两个列表中。上述代码中,使用sklearn.metrics提供的。上述代码中,使用PyTorch提供的。上述代码中,自定义了一个。
2023-05-05 15:42:29
450
原创 Node: ‘model/conv2d/Conv2D‘ DNN library is not found. [[{{node model/conv2d/Conv2D}}]] [Op:
55555,困了几个小时了,终于解决了。
2023-04-05 21:53:15
3767
2
原创 raise RuntimeError(“{} is a zip archive (did you mean to use torch.jit.load()?)“.format(f.name))
【解决办法】:测试时应与训练时的虚拟环境保持一致,已因此更换测试的虚拟环境即可。
2023-04-05 11:36:24
784
原创 minibatch kmeans+可视化(数据集中的图片在resnet网络基础上进行聚类)
【代码】minibatch kmeans+可视化(数据集中的图片在resnet网络基础上进行聚类)
2023-04-05 11:02:03
218
原创 从视频文件夹中每个视频中提取一帧并保存至指定文件夹【帧的名字与视频相同】
【代码】从视频文件夹中每个视频中提取一帧并保存至指定文件夹【帧的名字与视频相同】
2023-04-05 10:32:20
251
原创 RuntimeError: one of the variables needed for gradient computation has been modified by an inplace o
解决]我的解决方法主要是:更改所有optimizer.step()位置,将所有optimizer.step()都放到最后一个loss.backward()之后,泪目,几天了,终于改好了。网上的方法都试了对我没用。
2023-03-09 09:06:41
347
1
原创 runtime error:one of the variables needed for gradient computation has been modified by an inplace a
when i changed the pytorch version to 1.3, and there is no problem
2023-03-07 11:47:29
162
原创 IndexError:The shape of the mask[32] at index 0 does not match the shape of the indexed tensor[224,]
debug并检查输入,可能是输入的尺寸不对,debug看中间的向量的shape,重点关注出错处shape为32,224的变量,一般需要进行维度的转化,可能需要permute()函数对训练输入的data形状进行调整。
2023-02-26 13:44:15
1523
原创 can‘t open/read file: check file path/integrity
报错·:[ WARN:0@0.075] global D:\a\opencv-python\opencv-python\opencv\modules\imgcodecs\src\loadsave.cpp (239) cv::findDecoder imread_(‘I:\datasets\WildDeepfake。修正:文件夹损坏了,重新复制一份。
2022-11-02 22:09:24
16640
原创 cutmix
import cv2 as cvimport matplotlib.pyplot as pltimport numpy as npimport randomimport numpy as npimport cv2import osimport mathimport torchfrom torch import nnfile_root = r’E:\wd_0.01_deal\wd_train_0.01\wd_train_0.01_4_2parts\real/’ # 当前文件夹下的所有图片
2022-11-02 21:46:00
234
原创 2022-03-07 15:27:51.475298: E tensorflow/stream_executor/cuda/cuda_dnn.cc:359] Loaded runtime CuDNN
命令行输入:!apt install --allow-change-held-packages libcudnn8=8.1.0.77-1+cuda11.2
2022-11-02 21:45:08
476
原创 Exploiting Shared Representations for Personalized Federated Learning【2021 icml】
FEDREP
2022-10-19 08:30:28
429
原创 联邦学习+元学习:Federated Meta-Learning with Fast Convergence and Efficient Communication.(Fed-Meta)
元学习+联邦学习
2022-10-13 20:59:40
2216
原创 CUDA error: no kernel image is available for execution on the device
CUDA error: no kernel image is available for execution on the device
2022-09-18 11:54:34
397
原创 解决 - ZeroDivisionError:在 Python 中浮点除以零
解决 - ZeroDivisionError:在 Python 中浮点除以零
2022-07-02 11:01:25
437
原创 Python:OSError[WinError 123]文件名、目录名或卷标语法不正确
不是网上常见的/,r,\问题,便是文件名不能太奇怪,去掉特殊字符
2022-06-05 11:27:15
261
原创 wandb错误
wandb错误api_key not configured (no-tty). Run wandb login解决方案:打开终端:pip install wandb **wandb login**按照提示打开链接:You can find your API key in your browser here: https://wandb.ai/authorize登录并获取key,输入到终端: Paste an API key from your profile and hi
2022-05-27 09:43:31
4055
2
原创 跑热力图时的错误:TypeError: init() got an unexpected keyword argument ‘target_layer’
解决:版本问题,直接pip install grad-cam==1.3.6
2022-05-23 11:54:08
1095
原创 resnet入手深度学习
import torchimport torch.nn as nnimport torch.optim as optimimport torchvisionimport torchvision.transforms as transformsimport argparsefrom resnet import resnet50# 定义是否使用GPUdevice = torch.device("cuda" if torch.cuda.is_available() else "cpu")#
2022-05-18 19:52:23
108
原创 一句话将fat32 转为 ntfs
磁盘明明有空间但是提示空间不足,原因可能是fat32单个最大文件的限制为4gbconvert G:/FS:NTFS /V将fat32 转为 ntfs
2022-05-15 15:29:08
140
原创 python计算auc和rank
自己写的aucdef calAUC(prob,labels): f = list(zip(prob,labels)) rank = [values2 for values1,values2 in sorted(f,key=lambda x:x[0])] rankList = [i+1 for i in range(len(rank)) if rank[i]==1] posNum = 0 negNum = 0 for i in range(len(labels)): if(l
2022-05-06 10:12:05
267
原创 将文件夹中的子文件夹中的图片随机删除一半
import osimport randomrootdir = 'F://F++images//deepfakes_aligned_1'for root,dirs,files in os.walk(rootdir): for dir in dirs: print(os.path.join(root,dir)) num = 0; for file in files: feed = random.randint(0, 10) if
2022-03-11 16:12:50
474
原创 AttributeError: ‘***‘ object has no attribute ‘targets‘
应该是torch版本的问题,不同torch对应的后缀不同,我正在尝试修改这个问题,推荐查一下torch英文手册,我之前的问题是torch版本问题过低,我需要将data变成train_data,把targets变成train_labels。
2022-03-04 14:27:26
1482
原创 RuntimeError: cuDNN error: CUDNN_STATUS_NOT_INITIALIZED解决方法
内存空间不够,减小batchsize大小,比如我从256->128
2022-02-27 10:18:09
441
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人