- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我一直在使用 TensorFlow,但对 Caffe 还很陌生。我想尝试在 ImageNet 上训练的 AlexNet 的可靠实现,我发现 official Caffe repository 中包含一个。 .
我能够链接 bvlc_alexnet.caffemodel 中打包的权重文件和 deploy.prototxt 中指定的模型在非常短的 Caffe 代码中,获得与网络将图像分类到的 1000 个类别相对应的 1000 个概率的输出向量。
import numpy as np
import matplotlib.pyplot as plt
import sys
import caffe
import operator
MODEL_FILE = 'D:\\Desktop\\caffe\\models\\bvlc_alexnet\\deploy.prototxt'
PRETRAINED = 'D:\\AlexNet_Caffe\\bvlc_alexnet.caffemodel'
net = caffe.Classifier(MODEL_FILE, PRETRAINED)
IMAGE_FILE = 'D:\\Desktop\\caffe\\python\\testIm1.jpg'
input_image1 = caffe.io.load_image(IMAGE_FILE)
IMAGE_FILE = 'D:\\Desktop\\caffe\\python\\testIm2.jpg'
input_image2 = caffe.io.load_image(IMAGE_FILE)
pred = net.predict([input_image1, input_image2])
print pred # prints the array of 1000 probabilities
index, value = max(enumerate(pred[0]), key=operator.itemgetter(1))
print index # prints the index of max probability
print value # prints the max probability
index, value = max(enumerate(pred[1]), key=operator.itemgetter(1))
print index # prints the index of max probability
print value # prints the max probability
就我而言,我只能指定模型和权重并获得输出,但是,无论我输入什么图像,输出似乎都是相同的(669)。
在 Caffe 存储库中,有一个 script for fetching ImageNet dataset 。它下载并解压的 tarball 包含以下文件:
$ ls -al
total 80395
drwxr-xr-x 1 root 197121 0 Aug 8 14:09 ./
drwxr-xr-x 1 root 197121 0 Aug 7 16:27 ../
-rw-r--r-- 1 root 197121 187 Feb 25 2014 ._imagenet_mean.binaryproto
-rw-r--r-- 1 root 197121 187 Apr 8 2014 ._synset_words.txt
-rw-r--r-- 1 root 197121 187 Feb 25 2014 ._synsets.txt
-rw-r--r-- 1 root 197121 187 Feb 25 2014 ._test.txt
-rw-r--r-- 1 root 197121 187 Feb 25 2014 ._train.txt
-rw-r--r-- 1 root 197121 187 Feb 25 2014 ._val.txt
-rw-r--r-- 1 root 197121 17858008 Aug 8 14:09 caffe_ilsvrc12.tar.gz
-rw-r--r-- 1 root 197121 3787 Jun 8 2014 det_synset_words.txt
-rwxr-xr-x 1 root 197121 610 Aug 8 13:41 get_ilsvrc_aux.sh*
-rw-r--r-- 1 root 197121 14931117 Jul 11 2014 imagenet.bet.pickle
-rw-r--r-- 1 root 197121 786446 Feb 25 2014 imagenet_mean.binaryproto
-rw-r--r-- 1 root 197121 31675 Apr 8 2014 synset_words.txt
-rw-r--r-- 1 root 197121 10000 Feb 25 2014 synsets.txt
-rw-r--r-- 1 root 197121 3200000 Feb 25 2014 test.txt
-rw-r--r-- 1 root 197121 43829433 Feb 25 2014 train.txt
-rw-r--r-- 1 root 197121 1644500 Feb 25 2014 val.txt
我不确定是否还需要使用文件imagenet_mean.binaryproto
和imagenet.bet.pickle
有人可以澄清一下吗?
最佳答案
您需要减去图像平均值。
当训练深度模型时,输入通常被归一化为大致平均值 = 0。对于 Caffe 的 AlexNet,图像均值保存在 imagenet_mean.binaryproto
中。
参见this example关于如何使用预训练模型来获得分类结果。
关于python - Caffe 提供的 AlexNet 模型,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/51758211/
AlexNet 一些前置知识 top-1 和top-5错误率 top-1错误率指的是在最后的n哥预测结果中,只有预测概率最大对应的类别是正确答案才算预测正确。 top-5错误率指的是在最后的n个
问题是关于 this method ,它从 AlexNet 的 FC7 层提取特征。 它实际上提取了什么样的特征? 我在两位艺术家创作的绘画图像上使用了这种方法。训练集大约是每个艺术家的 150 张训
所以,过去一周我一直在学习一些机器学习,并且一直在摆弄我自己的回归 CNN,输入 128x128 的彩色图像并输出评级。虽然我的数据集很小,总共 400 左右,但我得到了不错的结果,但有一点过度拟合(
我正在研究纹理分类,根据之前的工作,我尝试将 AlexNET 的最后一层修改为具有 20 个类,并仅针对我的多类分类问题训练该层。我在 NVIDIA GTX 1080 上使用 Tensorflow-G
所以,我正在做我的硕士论文,研究超分辨率算法对 AlexNet 图像标记准确率的影响。我正在使用 Matlab 和 AlexNet 的预训练版本。 问题是,通过使用 [label, scores] =
当我从 git 克隆它时,AlexNet 的基准测试是 Tensorflow 存储库的一部分。基准测试实现了这些层,但在我看来,AlexNet 的实际权重在任何时候都没有加载。 我想玩转 Tensor
使用分布式 tensorflow 运行 Alexnet 不会按每秒图像数量进行扩展。我在这里使用 alexnet 模型 alexnet_benchmark.py对 EC2 G2(NVIDIA GRID
我正在尝试使用 MxNet Framework 来使用/mxnet/example/image-classification/symbols 目录中的 alexnet 代码。我不是人工智能专家。有人可
我一直在使用 TensorFlow,但对 Caffe 还很陌生。我想尝试在 ImageNet 上训练的 AlexNet 的可靠实现,我发现 official Caffe repository 中包含一
我需要从 alexnet 架构中提取 fc7 的特征。但我只有灰度图像。我如何修改 alexnet 以获得相同的效果? 最佳答案 将预期输入张量从 3 个 channel reshape 为 1 个
关闭。这个问题不符合Stack Overflow guidelines .它目前不接受答案。 我们不允许提问寻求书籍、工具、软件库等的推荐。您可以编辑问题,以便用事实和引用来回答。 关闭 4 年前。
我想严格复制 Alexnet使用 Tensorflow 2 的神经网络: 来自numerous implementations存在于互联网上,我找不到任何模型如论文和上图所述一分为二。据我所知,当时是
如果我想使用预训练的 VGG19 网络,我可以简单地做 from keras.applications.vgg19 import VGG19 VGG19(weights='imagenet') Ale
我正在尝试在 AlexNet 中使用 TensorFlow 提供自己的数据。我在训练时使用 (227 x 227) rgb 图像,BATCH_SIZE 为 50。以下是代码的一部分。我总是在 trai
我正在尝试使用 bvlc_alexnet.npy 中的预训练权重来实现 AlexNet : #load the weight data weights_dic = numpy.load('bvlc_a
这是我的引用: flow from directory example alexnet architecture 我尝试使用 alexnet 架构训练 3 个类别。数据集是灰度图像。我将第一个链接修改
嗨,我使用顺序方法在 keras 中编写了 AlexNet。我想知道是否以及如何加载 imagenet 权重来训练模型? 目前我对每一层使用 randomNormal 内核初始化。但我想使用 imag
Hei,我在运行 Alexnet 特征提取代码时遇到错误。我使用此 github link 创建alexnet.pb 文件。我使用 Tensorboard 进行了检查,图表运行良好。 我想使用此模型从
您好,我尝试在不使用预训练权重的情况下实现 AlexNet。我尝试在 Oxford-102 数据集上训练网络,但在整个过程中我一直获得 0.9% 的准确率,并且更改参数没有帮助,下面的代码有人可以帮助
我已经成功使用 LeNet 模型来使用 Siamese Network 训练我自己的数据集 tutorial 。现在我想使用 AlexNet,因为我相信它比 LeNet 更强大。有人可以提供在暹罗网络
我是一名优秀的程序员,十分优秀!