自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(420)
  • 资源 (10)
  • 收藏
  • 关注

翻译 OpenCV的互通性操作(各版本转换)

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Interoperability with OpenCV 1对于OpenCV开发团队来说,不断改进库是很重要的。 我们不断思考如何减轻工作流程,同时保持图书馆的灵活性。 新的C ++接口是为我们提供这个目标的发展。 不过,向后兼容性仍然重要。 我们不想破

2017-11-05 16:32:30 1531

翻译 opencv(c++)文件输入和输出使用XML和YAML文件

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/File Input and Output using XML and YAML files你会找到以下问题的答案:如何使用YAML或XML文件打印和读取文本和OpenCV文件?如何为OpenCV数据结构做同样的事情?如何为你的数据结构做到这一点?

2017-11-05 16:13:59 2481

翻译 opencv(c++)离散傅立叶变换

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Discrete Fourier Transform什么是傅立叶变换,为什么使用它?如何在OpenCV中做到这一点?cv :: copyMakeBorder(),cv :: merge(),cv :: dft(),cv :: getOptimal

2017-11-05 15:50:44 818

翻译 opencv(c++)随机生成器和文本

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Random generator and text with OpenCV使用随机数生成器类(cv :: RNG)以及如何从统一分布中获得一个随机数。通过使用函数cv :: putText在OpenCV窗口上显示文本代码在前面的教程(Basic

2017-11-05 15:07:37 976

翻译 opencv(c++)基本绘图

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Basic Drawing使用cv :: Point在图像中定义2D点。使用cv :: Scalar和它为什么有用使用OpenCV函数cv :: line绘制一条线使用OpenCV函数cv :: ellipse绘制一个椭圆使用OpenCV函数c

2017-11-05 14:38:46 11708 1

翻译 opencv(c++)改变图像的对比度和亮度

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Changing the contrast and brightness of an image!访问像素值 用零初始化一个矩阵 了解cv :: saturate_cast做什么以及为什么它有用 获取有关像素变换的一些很酷的信息理论图像处理一

2017-11-05 11:13:57 7550

翻译 opencv(c++)OpenCV添加(混合)两个图像

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/vs2015 安装插件 image watch 工具–>扩展和更新–>联机 搜索 image watch 安装 重启 视图–>其他窗口–>image watch 打开该窗口Adding (blending) two images using Open

2017-11-05 10:17:56 2751

翻译 opencv(c++)图像操作

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Operations with imagesInput/OutputImages从文件加载图像:Mat img = imread(filename)//或Mat img = imread(filename,IMREAD_COLOR)如果您读取一个jp

2017-11-05 09:54:35 1615

翻译 opencv(C++)在矩阵上进行掩码操作

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Mask operations on matrices矩阵上的掩码操作非常简单。 我们的想法是,我们根据掩码矩阵(也称为内核)重新计算图像中的每个像素值。 该掩码保存的值将调整相邻像素(和当前像素)对新像素值的影响程度。 从数学的角度来看,我们用我们指定

2017-11-05 09:11:40 1018

翻译 opencv(C++)扫描图像,查找表和时间测量

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/如何使用OpenCV扫描图像,查找表和时间测量如何通过图像的每个像素?OpenCV矩阵值如何存储?如何衡量我们算法的性能?什么是查找表,为什么使用它们?Our test case我们的测试用例程序(和这里提供的示例)将执行以下操作:读取控制台行

2017-11-04 18:05:21 757

翻译 opencv(C++) Mat - The Basic Image Container

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/Mat - The Basic Image Containerstring imageName = "messi5.jpg"; Mat A,C; // creates just the header parts A = imread(ima

2017-11-04 16:16:05 272

翻译 opencv(c++)-图像基本操作

参考: 1、https://docs.opencv.org/3.2.0/ 2、https://github.com/opencv/opencv/安装参考: http://blog.csdn.net/poem_qianmo/article/details/19809337使用的环境: Windows10 x64 vs2015 opencv3.2.0vs2015 安装插件 image wa

2017-11-04 11:40:24 11207

原创 TF-slim download_and_convert_flowers.py代码解析

参考: 1、https://github.com/tensorflow/models/blob/master/research/slim/datasets/download_and_convert_flowers.py1、提取类名import osfilenames=r'C:\Users\Administrator\Desktop\test3\hymenoptera_data\train\ants

2017-11-01 20:33:27 896

原创 TF-slim DCGAN

参考: 1、https://github.com/tensorflow/models/tree/master/research/slim/nets 2、https://github.com/awjuliani/TF-Tutorials说明:使用TF-slim提供的dcgan替代Tensorflow-DCGAN 中的dcgan,实现对mnist数据生成对抗注意生成的图像的shape [n,32,3

2017-11-01 17:45:25 915

翻译 Tensorflow-DCGAN

参考: 1、https://github.com/awjuliani/TF-Tutorials 2、https://github.com/AYLIEN/gan-intro/blob/master/gan.py 3、https://github.com/tflearn/tflearn/tree/master/examples/images 5、https://github.com/carped

2017-11-01 16:40:04 561

原创 TF-slim 调用slim提供的网络模型训练自己的数据

参考: 1、https://github.com/tensorflow/models/blob/master/research/slim/nets/ 2、http://blog.csdn.net/wc781708249/article/details/78414314 3、http://blog.csdn.net/wc781708249/article/details/78414028说明:

2017-11-01 15:50:21 3110

原创 TF-slim快速搭建DNN

参考: 1、https://github.com/tensorflow/models/blob/master/research/slim/nets/cifarnet.py 2、https://github.com/tensorflow/models/blob/master/research/slim模型:slim搭建的DNN 数据:mnist 通过直接对TF-slim快速搭建cnn 修改,即

2017-11-01 15:07:55 686

原创 TF-slim快速搭建cnn

参考: 1、https://github.com/tensorflow/models/blob/master/research/slim/nets/cifarnet.py 2、https://github.com/tensorflow/models/blob/master/research/slim模型:参考slim里的cifarnet.py快速搭建CNN 使用数据:mnist#!/usr/b

2017-11-01 14:48:29 2997

原创 Tensorflow-model API

参考: 1、https://github.com/tensorflow/tensorflow 2、http://tflearn.org/doc_index/ 3、http://tensorlayer.readthedocs.io/en/latest/user/tutorial.html 4、http://keras-cn.readthedocs.io/en/latest/ 5、https:

2017-10-31 16:36:10 538

原创 Tensorflow-卷积模型

参考:http://blog.csdn.net/wc781708249/article/details/78400505#!/usr/bin/env python3# -*- coding: UTF-8 -*-"""说明改写成卷积模型数据:mnist模型建立 Model数据的输入 Inputs"""from __future__ import absolute_importfrom

2017-10-31 14:08:31 299

原创 Tensorflow-model模板

参考:http://www.cnblogs.com/wang-kai/p/6479960.html#!/usr/bin/env python3# -*- coding: UTF-8 -*-"""说明数据:mnist模型建立 Model数据的输入 Inputs模型保存与提取 Save_and_load_mode模型可视化 TensorBoard"""from __future__ im

2017-10-31 10:25:56 918

原创 GDAL-Image to numpy

#!/usr/bin/python3# -*- coding: UTF-8 -*-import numpy as npimport osimport gdalimport sys'''# 多波段图像(遥感图像)提取每个波段信息转换成数组(波段数>=4 或者 波段数<=3)# 一般的方法如:opencv,PIL,skimage 不能解析多波段遥感图像# path 图像的路径# retu

2017-10-30 17:08:36 2997

翻译 Tensorflow-图像预处理

参考:https://github.com/tensorflow/models/blob/master/tutorials/image/cifar10/cifar10_input.py def Image_processing(reshaped_image,height, width): ''' 图像预处理 参考:https://github.c

2017-10-30 17:00:57 768

原创 Tensorflow-解析文件路径

1、使用glob()from glob import globfile_path=r'C:\Users\Administrator\Desktop\test3\hymenoptera_data\train\*\*.jpg'images_path=glob(file_path) #获取所有图像路径2、使用osimport osfrom PIL import Imagenames=r'C:\User

2017-10-30 16:52:05 3840

原创 Tensorflow-API convert_image_dtype

参考: 1、https://tensorflow.google.cn/api_docs/python/tf/image/convert_image_dtype 2、http://tensorflow.orgtf.image.convert_image_dtype 将图像转换为dtype,如果需要,缩放其值。convert_image_dtype( image, dtype,

2017-10-30 14:33:22 2807

翻译 skimage-图像基本操作

参考: 1、http://scikit-image.org/docs/stable/ 2、http://scikit-image.org/docs/stable/user_guide.html1Getting started2A crash course on NumPy for imagesNumPy indexingColor imagesCoordinate conventions

2017-10-27 20:28:57 13384

翻译 PIL-图像处理

参考: 1、https://python-pillow.org/ 2、https://github.com/python-pillow/Pillow 3、http://pillow.readthedocs.io/en/4.3.x/1、使用Image类加载图像#!/usr/bin/env python3# -*- coding: UTF-8 -*-from __future__ impor

2017-10-27 19:38:57 1397

翻译 scipy-图像操作

参考: 1、https://docs.scipy.org/doc/scipy/reference/ndimage.html#module-scipy.ndimage 2、http://scipy-lectures.github.com/advanced/image_processing/index.html 3、http://blog.csdn.net/zt_706/article/detai

2017-10-27 16:04:00 3528

原创 python3-网络数据下载

1使用urllib2使用requests3使用urllib34下载文件并解压读取1、使用urllibimport urllibprint("downloading with urllib")url = 'https://raw.githubusercontent.com/abidrahmank/OpenCV2-Python-Tutorials/master/data/left.jpg'pr

2017-10-25 16:16:35 6152

原创 Tensorflow- Class path contains multiple SLF4J bindings

参考:http://blog.csdn.net/mayunyun1987100/article/details/51154056使用TensorflowOnSpark 跑程序时 出现以下问题:SLF4J: Class path contains multiple SLF4J bindings.SLF4J: Found binding in [jar:file:/data/sdg/

2017-10-25 11:14:25 361 1

翻译 sklearn - Dimensionality reduction

参考:1、http://scikit-learn.org/stable/2、http://scikit-learn.org/stable/modules/decomposition.html#decompositions2.5. Decomposing signals in components (matrix factorization problems)

2017-10-24 17:27:49 900

翻译 sklearn-Preprocessing

参考:1、http://scikit-learn.org/stable/2、http://scikit-learn.org/stable/modules/preprocessing.html#preprocessing4.3. Preprocessing datasklearn.preprocessing软件包提供了几个常见的实用功能和变换器类,以将原始

2017-10-24 11:11:36 2492 1

翻译 opencv-对象检测

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-24 10:57:50 1178

翻译 opencv-计算摄影

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-24 10:38:49 1448

翻译 opencv-机器学习

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-24 10:09:50 1123

翻译 opencv-相机校准和3D重建

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-24 09:43:55 4166

翻译 opencv-视频分析

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-24 09:25:09 1695

翻译 opencv-特征检测与描述

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-23 17:07:57 7004 2

翻译 opencv-使用GrabCut算法进行交互式前景提取

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-23 16:58:30 4010

翻译 opencv-用分水岭算法进行图像分割

参考:1、http://docs.opencv.org/3.3.0/  官方文档api2、http://docs.opencv.org/3.3.0/d6/d00/tutorial_py_root.html 官方英文教程3、https://opencv-python-tutroals.readthedocs.io/en/latest/py_tutorials/py_tutorials.h

2017-10-23 16:44:16 7448 2

opencv-4.9.0-win-cmake-3.29.0-MinGW-7.3.0-QT-5.12.12

opencv-4.9.0-win-cmake-3.29.0-MinGW-7.3.0-QT-5.12.12 使用 cmake-3.29.0 编译 opencv-4.9.0-win 在 QT-5.12.12能正常运行

2024-03-21

opencv.zip

课程链接:https://www.bilibili.com/video/av29600072

2019-10-16

GPU并行计算与CUDA编程 - 副本.zip

GPU并行计算与CUDA编程(2017) 视频地址:https://www.bilibili.com/video/av52338886

2019-09-18

t-train1.tar.gz

数据集(病害) 下载地址:kaggle

2019-09-10

t-train.tar.gz

数据集(病害),下载地址:kaggle 数据集(病害),下载地址:kaggle

2019-09-10

valid.tar.gz

数据集(病害),下载地址:kaggle 数据集(病害),下载地址:kaggle

2019-09-10

vgg19_weights_tf_dim_ordering_tf_kernels_notop.h5

vgg19_weights_tf_dim_ordering_tf_kernels_notop.h5 可用于keras,tensorflow.keras,特征提取与迁移学习

2019-03-06

inception_v3_weights_tf_dim_ordering_tf_kernels_notop.h5

inception_v3_weights_tf_dim_ordering_tf_kernels_notop.h5 可用于keras,tensorflow.keras,特征提取与迁移学习

2019-03-06

1-9-0顺序排列的图片

1-9-0顺序排列的图片,第一排是1 2 3 4 5,第二排是6 7 8 9 0

2017-11-24

高动态范围(HDR)成像

使用OpenCV进行高动态范围(HDR)成像(C ++ / Python)

2017-11-09

arcgis egine 10.1代码

关于arcgis engine 10.1源代码 希望对大家有用

2014-10-18

空空如也

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

TA关注的人

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