自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

斯人若彩虹,遇上方知有!

主要用于记录自己的学习点滴!

  • 博客(7)
  • 资源 (70)
  • 收藏
  • 关注

原创 matlab读取.data文件

文件是letter_recognition.data具体参数可以参考官方文档:readtableletter_recognition = readtable('letter-recognition.data','Filetype','text','ReadVariableNames',false);读出的格式:

2020-12-21 22:06:23 14758

原创 You Only Look Once:Unified, Real-Time Object Detection(YOLO)

论文阅读:You Only Look Once:Unified, Real-Time Object Detection(YOLO)文章目录Abstract1. Introduction2. Unified Detection2.1.Network Design2.2. Training2.3. Inference2.4. Limitations of YOLO3. Comparison to Other Detection Systems4. Experiments4.1. Comparison to

2020-12-20 22:06:18 267 1

原创 使用Corel10K数据测试图像检索SPoC算法

本文主要就是为了测试一下SPoC:SPOC-3.2小节完整代码:addpath('helpers');run matlab/vl_setupnn.m;net = load('imagenet-vgg-verydeep-16.mat');% 将spoc连接在最后一个卷积层后面net.layers = {net.layers{1:31}};% 遍历所有网络,然后匹配所有的卷积层,然后设置卷积层的膨胀参数dilate% 首先计算网络共有多少层for i = 1:numel(net.lay

2020-12-12 09:59:46 773 1

原创 PCA白化

直接上代码!% pca和白化function features_pca_white = pca_and_whiting(feature,a) features=zscore(feature); [~,score,~] = pca(features); features_pca = score(:,1:a); x=features_pca'; sigma=(x*x')/size(x,2); [u,s,~]=svd(sigma); xRot = zeros(size(x)); xRot.

2020-12-12 09:50:02 279

原创 SSD算法中的anchor生成(基于mxnet)

1.anchor就是一系列固定大小、宽高比的框,这些框均匀分布在输入图像上,而检测模型的目的就是基于这些anchor得到预测框的偏置信息,使得anchor加上偏置信息得到预测框能够尽可能地接近真实目标框!对应SSD论文中的default box!!!# mxnet中提供了生成anchor的接口mxnet.ndarray.contrib.MultiBoxPrior()# 查看用法# 1help(mx.nd.contrib.MultiBoxPrior)# 2mx.nd.contrib.Mult

2020-12-11 22:10:15 1057

原创 No module named ‘tensorflow.examples.tutorials‘ 解决版本tensorflow2.3.1

运行代码:from tensorflow.examples.tutorials.mnist import input_data出现下面的情况!No module named 'tensorflow.examples.tutorials' 解决办法 tensorflow2.3.1解决办法:将下载的tutorials放到examples文件夹下重新运行就没问题了!tutorials下载地址:tutorials!!!!!!!!!...

2020-12-08 20:08:44 304

原创 采用random_bbox对Holiday数据集进行图像检索mAP

测试数据集:Holiday:总共1491张图像提取特征:fc7层特征降维方法:pca主成分分析主要还是使用matconvnet提取特征;用matlab自带的activations也可以提取特征;其中random_bbox只是针对查询图像!也可以使用groundtruth中提供的默认值也可以!直接上代码:addpath('helpers');addpath('groundtruth');addpath('matconvnet-1.0-beta25');addpath('matl

2020-12-05 19:41:46 4611 1

Class-Weighted Convolutional Features for Visual Instance Search.pdf

Class-Weighted Convolutional Features for Visual Instance Search.pdf

2020-12-10

tensorflow-2.3.1-cp37-cp37m-win_amd64.whl

直接到保存文件的路径下,运行cmd,然后输入pip install tensorflow-2.3.1-cp37...即可安装! 最新版本的tensorflow.whl文件 最新版本的tensorflow.whl文件 最新版本的tensorflow.whl文件 最新版本的tensorflow.whl文件 最新版本的tensorflow.whl文件 最新版本的tensorflow.whl文件

2020-12-10

vgg_face_torch.tar.gz

vgg_face_torch.tar.gz

2020-12-10

Unsupervised Part-based Weighting Aggregation

Unsupervised Part-based Weighting Aggregation of Deep Convolutional Features for Image Retrieval.pdf

2020-12-10

tutorials.zip

No module named 'tensorflow.examples.tutorials' 解决办法 tensorflow2.3.1 No module named 'tensorflow.examples.tutorials' 解决办法 tensorflow2.3.1

2020-12-08

手写数字识别数据集(基于matlab实现)

代码可以参考博文:https://blog.csdn.net/weixin_43687366/article/details/88139441#comments_13625330 手写数字识别 手写数字识别 手写数字识别

2020-10-28

Corel1K.zip

这里是Corel1K数据集,主要是针对我自己写的博客使用的!有兴趣可以看一下! https://blog.csdn.net/weixin_43687366/article/details/106827288

2020-08-03

用卷积神经网络的多标签图像检索方法研究_叶青青.caj

用卷积神经网络的多标签图像检索方法研究

2020-05-18

浅析卷积神经网络的图像特征提取技术_薛先贵.pdf

浅析卷积神经网络的图像特征提取技术

2020-05-18

基于多特征融合的图像检索技术研究与实现_杜跃.pdf

基于多特征融合图像检索技术研究与实现 只是PDF

2020-05-18

Image Retrieval via Decoupling Diffusion into Online and Offline Processing

Efficient Image Retrieval via Decoupling Diffusion into Online and Offline Processing Efficient Image Retrieval via Decoupling Diffusion into Online and Offline Processing Efficient Image Retrieval via Decoupling Diffusion into Online and Offline Processing

2019-08-29

chainer+mnist.zip

解决了chainer中mnist数据集下载失败的问题!欢迎大家使用!

2019-08-08

_dl_cache.zip

这个资源是chainer中的mnist数据集,欢迎大家下载使用!!!

2019-08-08

ExtractFCNFeature-master.zip

ExtractFCNFeature-master.zip

2019-07-18

机械设计课程设计带式输送机传动系统的设计1.pdf

机械设计课程设计带式输送机传动系统的设计

2019-07-01

Image Retrieval using CNN and Low-level Feature Fusion

8Image Retrieval using CNN and Low-level Feature Fusion for Crime Scene Investigation Image Database 8Image Retrieval using CNN and Low-level Feature Fusion for Crime Scene Investigation Image Database 8Image Retrieval using CNN and Low-level Feature Fusion for Crime Scene Investigation Image Database

2019-07-01

Unsupervised Deep Transfer Feature Learning for Medical Image Classification

Unsupervised Deep Transfer Feature Learning for Medical Image Classification Unsupervised Deep Transfer Feature Learning for Medical Image Classification Unsupervised Deep Transfer Feature Learning for Medical Image Classification

2019-07-01

Deep Neural Networks are Easily Fooled.pdf

Deep Neural Networks are Easily Fooled.pdf

2019-05-24

Zhang_Cross-Scene_Crowd_Counting_2015_CVPR_paper.pdf

Zhang_Cross-Scene_Crowd_Counting_2015_CVPR_paper.pdf

2019-05-23

A NOTE ON THE EVALUATION OF GENERATIVE MODELS.pdf

A NOTE ON THE EVALUATION OF GENERATIVE MODELS.pdf

2019-05-23

机器故障预测这个竞赛的焦点是预测机器是否会在未来24小时内故障 数据包括与机器性能相关的各种特征,例如温度、振动

这个竞赛的焦点是预测机器是否会在未来24小时内故障。数据包括与机器性能相关的各种特征,例如温度、振动、功耗和传感器读数。目标变量是二进制的,表示机器是否在未来24小时内故障(1)或未故障(0)。这个竞赛的目标是开发准确的模型,可以根据提供的特征预测机器故障。这是一个重要的问题,在工业环境中,提前预测机器故障可以帮助防止昂贵的停机时间和维修。要参加这个竞赛,您可以使用任何您选择的机器学习方法。然而,请注意,数据集只包含数值特征,因此基于文本的特征工程技术可能不适用。另外,请确保在训练您的模型之前适当处理缺失值。祝您好运并享受解决这个有趣问题的过程。

2023-12-19

Pytorch-基于RNN的不同语种人名生成模型

包含数据和代码

2023-09-09

YOLOv7格式的EDS数据集,直接放在yolov7的目录下即可训练

YOLOv7格式的EDS数据集,直接放在yolov7的目录下即可训练 https://mp.csdn.net/mp_blog/creation/editor/126166982具体可以参考我之前的博文

2022-08-06

介绍了AlphaFold2的原理和简单的安装过程!

入门alphafold2的基础PPT介绍

2022-04-25

基于tensorflow2.4.0版本的transformer computer vision 训练数据集是cifar10

基于tensorflow2.4.0版本的transformer computer vision 训练数据集是cifar10

2022-03-13

使用windows中的fonts解决ubuntu中的乱码情况

主要是用于解决ubuntu系统中使用wine打开exe程序乱码的情况,直接放在/.wine/drive_c/windows/Fonts中

2021-12-28

Joint Feature and Labeling Function Adaptation for Unsupervised Domain Adaptation.pdf

Joint Feature and Labeling Function Adaptation for Unsupervised Domain Adaptation.pdf

2021-09-28

MHC-I亲和力预测文献.rar

主要包括近五年MHC-I类亲和力预测文献

2021-08-19

浅析软件工程对人工智能的影响.pdf

浅析软件工程对人工智能的影响.pdf 浅析软件工程对人工智能的影响.pdf 浅析软件工程对人工智能的影响.pdf浅析软件工程对人工智能的影响.pdf 浅析软件工程对人工智能的影响.pdf

2021-04-06

棉花数据集dataset.zip

棉花数据集:里面包括训练集和测试集 棉花数据集:里面包括训练集和测试集 棉花数据集:里面包括训练集和测试集 棉花数据集:里面包括训练集和测试集

2021-04-06

CNN-Prediction-Based-Reversible-Data-Hiding-main (1).zip

CNN-Prediction-Based-Reversible-Data-Hiding-main CNN-Prediction-Based-Reversible-Data-Hiding-main CNN-Prediction-Based-Reversible-Data-Hiding-main CNN-Prediction-Based-Reversible-Data-Hiding-main

2021-04-06

Aggregating Deep Convolutional Features for Image Retrieval.pdf

Aggregating Deep Convolutional Features for Image Retrieval.pdf Aggregating Deep Convolutional Features for Image Retrieval.pdf Aggregating Deep Convolutional Features for Image Retrieval.pdf

2021-03-09

Fast object retrieval using direct spatial matching.pdf

Fast object retrieval using direct spatial matching Fast object retrieval using direct spatial matching Fast object retrieval using direct spatial matching

2020-12-25

selectiveSearchDraft.pdf

selectiveSearchDraft.pdf

2020-12-25

Deep Image Retrieval:Learning global representations for image search

Deep Image Retrieval:Learning global representations for image search Deep Image Retrieval:Learning global representations for image search Deep Image Retrieval:Learning global representations for image search

2020-12-25

Google Landmarks Dataset v2 A Large-Scale Benchmark for Instance-Level Recogniti

Google Landmarks Dataset v2 A Large-Scale Benchmark for Instance-Level Recognition and Retrieval Google Landmarks Dataset v2 A Large-Scale Benchmark for Instance-Level Recognition and Retrieval Google Landmarks Dataset v2 A Large-Scale Benchmark for Instance-Level Recognition and Retrieval

2020-12-24

Large-Scale Image Retrieval with Attentive Deep Local Features

Large-Scale Image Retrieval with Attentive Deep Local Features Large-Scale Image Retrieval with Attentive Deep Local Features Large-Scale Image Retrieval with Attentive Deep Local Features Large-Scale Image Retrieval with Attentive Deep Local Features

2020-12-24

基于角点的动态加权多特征融合图像检索方法.pdf

基于角点的动态加权多特征融合图像检索方法 基于角点的动态加权多特征融合图像检索方法 基于角点的动态加权多特征融合图像检索方法 基于角点的动态加权多特征融合图像检索方法 基于角点的动态加权多特征融合图像检索方法

2020-12-24

particular object retrieval with integral max-pooling of cnn activations.pdf

particular object retrieval with integral max-pooling of cnn activations.pdf

2020-12-17

A_Baseline_for_Visual_Instance_Retrieval_with_Deep.pdf

A_Baseline_for_Visual_Instance_Retrieval_with_Deep.pdf

2020-12-17

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除