盖特·甘 GaitGAN的pytorch实现:使用生成对抗网络的不变步态特征提取。 Yu, Shiqi, et al. "Gaitgan: invariant gait feature extraction using generative adversarial networks." Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops. 2017. 相依性 python3 pytorch >= 0.4.0 。 训练 要训​​练模型,请将silhoutte数据放在存储库中,然后转到src dir并运行 python3 train.py 该模型将每500次迭代保存到执行目录中。 您可以更改train.py中的间隔。 监控表现 安装 。 使用python3 -
2023-02-27 09:44:44 2.19MB gan gait gait-analysis Python
1
1.可以进行分类任务直接运行 2.有数据集一个17类花分类数据集 3.可以训练自己的数据集 4.可以根据配置文件配置mobilenetV1或者V2或者V3
2023-02-25 14:59:59 72.38MB mobileNwtV1 mobilebetV2 mobilenetV3 pytorch
1
1.基于RNN的神经网络 2.对于“记忆”的进一步优化 3.”门“结构 1.一些准备工作 2.搭建LSTM单元 3.运行测试
2023-02-25 08:55:06 358KB
1
弱监督定位调查:使用PyTorch中预先训练的CNN进行弱监督对象定位的各种算法的调查
2023-02-23 22:59:47 2.59MB visualization image localization deep-learning
1
之前在用预训练的ResNet的模型进行迁移训练时,是固定除最后一层的前面层权重,然后把全连接层输出改为自己需要的数目,进行最后一层的训练,那么现在假如想要只是把 最后一层的输出改一下,不需要加载前面层的权重,方法如下: model = torchvision.models.resnet18(pretrained=False) num_fc_ftr = model.fc.in_features model.fc = torch.nn.Linear(num_fc_ftr, 224) model = nn.DataParallel(model, device_ids=config.gpus).to
2023-02-23 15:08:06 31KB c OR resnet
1
基于pytorch与yolo-v5的猪脸目标检测模型与代码,带有训练好的模型权重,开箱即用 带有测试样例代码,可以直接运行
2023-02-23 14:04:45 70.75MB 目标检测 Pytorch Python
1
深度学习中的GAM注意力机制pytorch实现版本
2023-02-22 11:24:10 1KB pytorch 深度学习 人工智能 python
1
PIFu:像素对齐的隐式函数,可实现高分辨率的带披肩的人类数字化 消息: [2020/05/04]添加了用于训练数据生成的EGL渲染选项。 现在,您可以使用无头机器创建自己的训练数据! [2020/04/13]提供了带有Google Colab的演示(包括可视化)。 特别感谢 !!! [2020/02/26]许可证已更新为MIT许可证! 享受! 该存储库包含“ ”的pytorch实现。 如果您发现该代码对您的研究有用,请考虑引用该论文。 @InProceedings{saito2019pifu, author = {Saito, Shunsuke and Huang, Zeng and Natsume, Ryota and Morishima, Shigeo and Kanazawa, Angjoo and Li, Hao}, title = {PIFu: Pixel-Ali
2023-02-21 13:22:34 197KB fashion computer-graphics human pytorch
1
MVSNet代码超详细注释,PyTorch可运行,其中 temp.py 随机生成图像和内外参,可以快速测试代码并学习网络。
2023-02-20 18:46:24 46KB 3D重建
1
相对论的甘 它是什么? 此仓库具有相对论GAN的简单实现。 相对论修改了GAN目标,从而大大提高了训练的稳定性。 这两个目标是: 对于发电机培训步骤: err_d = ( torch.mean((y_real - torch.mean(y_gene) - 1) ** 2) + torch.mean((y_gene - torch.mean(y_real) + 1) ** 2) ) 凡y_real是鉴别得分的真实数据和y_gene是鉴别得分假数据 对于鉴别器: err_g = ( torch.mean((y_real - torch.mean(y_gene) + 1) ** 2) + torch.mean((y_gene - torch.mean(y_real) - 1) ** 2)
2023-02-19 23:44:37 27KB machine-learning deep-learning torch pytorch
1