pytorch实现用Resnet提取特征并保存为txt文件的方法


Posted in Python onAugust 20, 2019

接触pytorch一天,发现pytorch上手的确比TensorFlow更快。可以更方便地实现用预训练的网络提特征。

以下是提取一张jpg图像的特征的程序:

# -*- coding: utf-8 -*-
 
import os.path
 
import torch
import torch.nn as nn
from torchvision import models, transforms
from torch.autograd import Variable 
 
import numpy as np
from PIL import Image 
 
features_dir = './features'
 
img_path = "hymenoptera_data/train/ants/0013035.jpg"
file_name = img_path.split('/')[-1]
feature_path = os.path.join(features_dir, file_name + '.txt')
 
 
transform1 = transforms.Compose([
    transforms.Scale(256),
    transforms.CenterCrop(224),
    transforms.ToTensor()  ]
)
 
img = Image.open(img_path)
img1 = transform1(img)
 
#resnet18 = models.resnet18(pretrained = True)
resnet50_feature_extractor = models.resnet50(pretrained = True)
resnet50_feature_extractor.fc = nn.Linear(2048, 2048)
torch.nn.init.eye(resnet50_feature_extractor.fc.weight)
 
for param in resnet50_feature_extractor.parameters():
  param.requires_grad = False
#resnet152 = models.resnet152(pretrained = True)
#densenet201 = models.densenet201(pretrained = True) 
x = Variable(torch.unsqueeze(img1, dim=0).float(), requires_grad=False)
#y1 = resnet18(x)
y = resnet50_feature_extractor(x)
y = y.data.numpy()
np.savetxt(feature_path, y, delimiter=',')
#y3 = resnet152(x)
#y4 = densenet201(x)
 
y_ = np.loadtxt(feature_path, delimiter=',').reshape(1, 2048)

以下是提取一个文件夹下所有jpg、jpeg图像的程序:

# -*- coding: utf-8 -*-
import os, torch, glob
import numpy as np
from torch.autograd import Variable
from PIL import Image 
from torchvision import models, transforms
import torch.nn as nn
import shutil
data_dir = './hymenoptera_data'
features_dir = './features'
shutil.copytree(data_dir, os.path.join(features_dir, data_dir[2:]))
 
 
def extractor(img_path, saved_path, net, use_gpu):
  transform = transforms.Compose([
      transforms.Scale(256),
      transforms.CenterCrop(224),
      transforms.ToTensor()  ]
  )
  
  img = Image.open(img_path)
  img = transform(img)
  
 
 
  x = Variable(torch.unsqueeze(img, dim=0).float(), requires_grad=False)
  if use_gpu:
    x = x.cuda()
    net = net.cuda()
  y = net(x).cpu()
  y = y.data.numpy()
  np.savetxt(saved_path, y, delimiter=',')
  
if __name__ == '__main__':
  extensions = ['jpg', 'jpeg', 'JPG', 'JPEG']
    
  files_list = []
  sub_dirs = [x[0] for x in os.walk(data_dir) ]
  sub_dirs = sub_dirs[1:]
  for sub_dir in sub_dirs:
    for extention in extensions:
      file_glob = os.path.join(sub_dir, '*.' + extention)
      files_list.extend(glob.glob(file_glob))
    
  resnet50_feature_extractor = models.resnet50(pretrained = True)
  resnet50_feature_extractor.fc = nn.Linear(2048, 2048)
  torch.nn.init.eye(resnet50_feature_extractor.fc.weight)
  for param in resnet50_feature_extractor.parameters():
    param.requires_grad = False  
    
  use_gpu = torch.cuda.is_available()
 
  for x_path in files_list:
    print(x_path)
    fx_path = os.path.join(features_dir, x_path[2:] + '.txt')
    extractor(x_path, fx_path, resnet50_feature_extractor, use_gpu)

另外最近发现一个很简单的提取不含FC层的网络的方法:

resnet = models.resnet152(pretrained=True)
    modules = list(resnet.children())[:-1]   # delete the last fc layer.
    convnet = nn.Sequential(*modules)

另一种更简单的方法:

resnet = models.resnet152(pretrained=True)
del resnet.fc

以上这篇pytorch实现用Resnet提取特征并保存为txt文件的方法就是小编分享给大家的全部内容了,希望能给大家一个参考,也希望大家多多支持三水点靠木。

Python 相关文章推荐
Python运用于数据分析的简单教程
Mar 27 Python
Python排序搜索基本算法之希尔排序实例分析
Dec 09 Python
Python中将dataframe转换为字典的实例
Apr 13 Python
Python利用pandas计算多个CSV文件数据值的实例
Apr 19 Python
调试Django时打印SQL语句的日志代码实例
Sep 12 Python
Python2比较当前图片跟图库哪个图片相似的方法示例
Sep 28 Python
pycharm 设置项目的根目录教程
Feb 12 Python
python json 递归打印所有json子节点信息的例子
Feb 27 Python
python GUI库图形界面开发之PyQt5控件数据拖曳Drag与Drop详细使用方法与实例
Feb 27 Python
python如何爬取动态网站
Sep 09 Python
python 三种方法提取pdf中的图片
Feb 07 Python
Python实现学生管理系统并生成exe可执行文件详解流程
Jan 22 Python
python web框架 django wsgi原理解析
Aug 20 #Python
opencv转换颜色空间更改图片背景
Aug 20 #Python
pytorch 预训练层的使用方法
Aug 20 #Python
python爬虫 urllib模块反爬虫机制UA详解
Aug 20 #Python
Pytorch 抽取vgg各层并进行定制化处理的方法
Aug 20 #Python
python实现抠图给证件照换背景源码
Aug 20 #Python
python爬虫 基于requests模块发起ajax的get请求实现解析
Aug 20 #Python
You might like
MySQL授权问题总结
2007/05/06 PHP
PHP正则替换函数preg_replace()报错:Notice Use of undefined constant的解决方法分析
2017/02/04 PHP
JavaScript URL参数读取改进版
2009/01/16 Javascript
javascript Ext JS 状态默认存储时间
2009/02/15 Javascript
表单元素事件 (Form Element Events)
2009/07/17 Javascript
jQuery的学习步骤
2011/02/23 Javascript
javascript中的onkeyup和onkeydown区别介绍
2013/04/28 Javascript
浅谈javascript六种数据类型以及特殊注意点
2013/12/20 Javascript
JavaScript关闭当前页面(窗口)不带任何提示
2014/03/26 Javascript
JS创建类和对象的两种不同方式
2014/08/08 Javascript
jQuery判断元素是否显示 是否隐藏的简单实现代码
2016/05/19 Javascript
node.js文件上传处理示例
2016/10/27 Javascript
js实现拖拽上传图片功能
2017/08/01 Javascript
vue.js开发实现全局调用的MessageBox组件实例代码
2017/11/22 Javascript
vue2.0 中使用transition实现动画效果使用心得
2018/08/13 Javascript
vue项目中使用vue-layer弹框插件的方法
2020/03/11 Javascript
mpvue网易云短信接口实现小程序短信登录的示例代码
2020/04/03 Javascript
跟老齐学Python之用while来循环
2014/10/02 Python
python根据出生日期获得年龄的方法
2015/03/31 Python
Python全局变量操作详解
2015/04/14 Python
Python中常用操作字符串的函数与方法总结
2016/02/04 Python
编写多线程Python服务器 最适合基础
2018/09/14 Python
Python常见数据结构之栈与队列用法示例
2019/01/14 Python
python隐藏终端执行cmd命令的方法
2019/06/24 Python
python实现简单的购物程序代码实例
2020/03/03 Python
python操作微信自动发消息的实现(微信聊天机器人)
2020/07/14 Python
详解Pycharm安装及Django安装配置指南
2020/09/15 Python
python 基于opencv实现高斯平滑
2020/12/18 Python
突袭HTML5之Javascript API扩展3—本地存储全新体验
2013/01/31 HTML / CSS
奶茶专卖店创业计划书
2014/01/18 职场文书
考试作弊检讨书大全
2014/02/18 职场文书
高中生旷课检讨书
2014/10/08 职场文书
旷课检讨书
2015/01/26 职场文书
爱的教育读书笔记
2015/06/26 职场文书
《攀登者》:“海拔8000米以上,你不能指望任何人”
2019/11/25 职场文书
关于MySQL中的 like操作符详情
2021/11/17 MySQL