NSString *str = [NSString stringWithFormat:@"%g",12.10]; NSLog(@"str = %@",str); 输出: str = 12.1 http://stackoverflow.com/questions/19667918/how-to-not-show-unnecessary-zeros-when-given-integers-but-still-have-float-answe http://pubs.op…
下面的直接是代码: #!usr/bin/env python#coding:utf-8"""这个代码的作用是 通过 tensorflow 来计算 y = 0.3x + 0.1 的线性方程 通过随机数,, 然后传递值到 训练模型中开始计算"""import tensorflow as tfimport numpy as np# 建立方程组:# 使用 np 获取一个 1---1000 的随机数x_data = np.float32(np.random…
整个工程进展到这一步也算是不容易吧,但技术含量也不怎么高,中间乱起八糟的错误太烦人了,不管怎么样,现在面临了最大的困难吧,图像处理算法.算法确实不好弄啊,虽然以前整过,但都不是针对图像的. 现在的图像算法太多了,好像谁都在研究,没有一个统一的路线,看论文也是越看越糊涂,无奈之下还是自己好好学学吧,幸好队友以前也搞过,大家也都愿意参与进来了,很开心! 首先改变下策略吧,之前一直在linux中直接在QT中利用OpenCV库进行图像处理的尝试,但是效率太差了,每次想要结果,都要用板子,所以,现在改用O…
之前在DCGAN文章简单解读里说明了DCGAN的原理.本次来实现一个DCGAN,并在数据集上实际测试它的效果.本次的代码来自github开源代码DCGAN-tensorflow,感谢carpedm20的贡献! 1. 代码结构 代码结构如下图1所示: 图1 代码结构 我们主要关注的文件为download.py,main.py,model.py,ops.py以及utils.py.其实看文件名字就大概可以猜出各个文件的作用了. download.py主要下载数据集到本地,这里我们需要下载三个数据集:M…
特别说明:要在我的随笔后写评论的小伙伴们请注意了,我的博客开启了 MathJax 数学公式支持,MathJax 使用$标记数学公式的开始和结束.如果某条评论中出现了两个$,MathJax 会将两个$之间的内容按照数学公式进行排版,从而导致评论区格式混乱.如果大家的评论中用到了$,但是又不是为了使用数学公式,就请使用\$转义一下,谢谢. 想从头阅读该系列吗?下面是传送门: Linux 桌面玩家指南:01. 玩转 Linux 系统的方法论 Linux 桌面玩家指南:02. 以最简洁的方式打造实用的…
#split.py 文件 输入格式为images ,和标签txt文件,txt中的数据为坐标值共8个. import os import numpy as np import math import cv2 as cv import imageio #path = '/media/D/code/OCR/text-detection-ctpn/data/mlt_english+chinese/image' #path = '/home/chendali1/Gsj/text-detection-ctp…
類別 可使用type()查看 內建 [ 布爾:bool (Boolen) 字串:str (String) 數字:int (Integer) 小數:float 列表:list 元祖:tuple 字典:dict ] 亦可用class宣告新類別 布爾值  (用於比較.邏輯.成員判定之運算) 以 1=True,  0=False 紀錄於記憶體中 資料判定上,有東西 or 判定為真=True,沒東西( "", [ ], ( ), { }, 0 )or判定為假=False 有邏輯運算 ( and …
小编在学习文字检测,因为作者提供的caffe实现没有训练代码(不过训练代码可以参考faster-rcnn的训练代码),所以我打算先使用tensorflow实现,主要是复现前辈的代码,主要是对文字检测模型进行训练. 代码的GitHub地址:https://github.com/eragonruan/text-detection-ctpn 主要写一下自己实现的过程,因为原文给的步骤,小编没有完全实现,所以首先打算解读一下原文步骤,然后加上自己的理解,写下自己可以实现的步骤. 文本检测概述 文本检测可…
上一篇介绍了OPENCV中SVM的简单使用,以及自带的一个二分类问题. 例子中的标签是程序手动写的,输入也是手动加的二维坐标点. 对于复杂问题就必须使用数据集中的图片进行训练,标签使用TXT文件或程序设置好,下面以 IMM Face Database 中的人脸数据作为示例, 实现人脸的HOG特征提取及SVM识别人脸. 数据集参考我的http://www.cnblogs.com/chenzhefan/p/7624811.html:只选取其中5类人,每类5副图片作为训练. 提取人脸HOG特征的维数为…
cv::Size sz = cv::Size(PROB_W, PROB_H);//Size(srcimage.cols, srcimage.rows) groundtoimage(xylimit, uvgd, sz, h, roll, pitch, camera_param_KK );sz.heightsz.width //groundtoimage... void groundtoimage( cv::Mat& xylimt, cv::Mat& uvgrid, cv::Size&…
该可视化模块提供了坐标系变化,3D动画等功能 最简单的显示坐标系 viz::Viz3d window("window"); window.showWidget("Coordinate", viz::WCoordinateSystem()); window.spin(); 其中spin()函数开启一个event loop永远循环,spinOnce(int time = 1, bool redraw = true)表示event loop循环time时间.通常将与视图的…
循环神经网络与LSTM网络 循环神经网络RNN 循环神经网络广泛地应用在序列数据上面,如自然语言,语音和其他的序列数据上.序列数据是有很强的次序关系,比如自然语言.通过深度学习关于序列数据的算法要比两年前的算法有了很大的提升.由此诞生了很多有趣的应用,比如语音识别,音乐合成,聊天机器人,机器翻译,自然语言理解和其他的一些应用. 符号说明: 上标[l]: 表示第层,例如,例如是第四层的激活元.和是层参数 上标(i):表示第i个样本,例如表示第训练样本输入 上标<t>:表示第个时间戳,例如是输入x…
源代码地址:https://github.com/hopebo/hopelee 语言:C++ 517. Super Washing Machines You have n super washing machines on a line. Initially, each washing machine has some dresses or is empty. For each move, you could choose any m (1 ≤ m ≤ n) washing machines,…
使用之前要先导入函数库  import numpy as np 数组名=np.zeros(数组大小,数据类型)    初始化为0值,这里的数据类型只能是数值类型,字符类型不能用 一.一维数组 import numpy as np #导入该函数库 a=np.zeros(5,int) #数据类型默认是float型,这里更改为int型 print(a) 二.二维数组 import numpy as np #导入该函数库 a=np.zeros((3,3),int) #数据类型默认是float型,这里更改…
Deep Convolutional Generative Adversarial Networks we introduced the basic ideas behind how GANs work. We showed that they can draw samples from some simple, easy-to-sample distribution, like a uniform or normal distribution, and transform them into…
proto3 移除了内建类型的非空判断方法 即代码生成工具不会为 bool int 等类型生成has方法 有使用过proto2 或者其它rpc 框架的人都知道使用has 方法去判断消息里的值是否设置, 而在proto3 里只有自定义类型才能有这个方法了, 这个问题在github上引起激烈讨论, 以下是开发人员在github的解释 大致意思是从简易性和实践出发降低复杂度,停止支持为空的判断, 但是用户依旧有其它办法支持has,例如oneof和自定义类型 I brought up the synta…
1.直方图的概念 灰度直方图是灰度级的函数,描述的是图像中具有该灰度级的像元的个数.确定图像像素的灰度值范围,以适当的灰度间隔为单位将其划分为若干等级,以横轴表示灰度级,以纵轴表示每一灰度级具有的像素数或该像素占总像元数的比例值,做出的条形统计图即为灰度直方图.灰度直方图:横坐标是灰度,纵坐标是该灰度在图像中出现的次数. 图像直方图可以表示图像中亮度分布,能借助直方图了解需要如何调整亮度分布,直方图中左侧表示黑色.较暗的区域,右侧表示白色.较亮的区域.计算机视觉领域常借助直方图来实现图像的二值化…
本节目录 常用函数一:向量距离和相似度计算 常用函数二:pagerank 常用函数三:TF-IDF 常用函数四:关键词提取 常用函数一:向量距离和相似度计算 KL距离.JS距离.余弦距离 # -*- coding: utf-8 -*- """ @Datetime: 2019/3/30 @Author: Zhang Yafei """ import numpy as np import pandas as pd import scipy.stats…
目录 Canny边缘提取算法实现 霍夫变换实现 参考 这个是北京邮电大学<计算机视觉>的一门作业: Canny边缘提取算法实现 首先定义一个Canny类 其init函数是: class Canny: def __init__(self, Guassian_kernal_size, img, HT_high_threshold, HT_low_threshold): ''' :param Guassian_kernal_size: 高斯滤波器尺寸 :param img: 输入的图片(灰度图),在…
今日内容概要 numpy模块结束 ndarray创建 numpy内置方法 索引与切片(花式索引.布尔索引) 常用函数 统计方法 随机数 numpy的内置方法 import numpy as np 1. # 1.ndarray的创建 np.array([1,2,3,4,5,6,7],ndmin=3) array([[[1,2,3,4,5,6,7]]) 2. # 2.python中的range # for i in range(10): # print(i) np.arange(1,7) # ara…
Write an algorithm which computes the number of trailing zeros in n factorial. Have you met this question in a real interview? Yes Example 11! = 39916800, so the out should be 2 /* * param n: As desciption * return: An integer, denote the number of t…
A. Case of the Zeros and Ones time limit per test 1 second memory limit per test 256 megabytes input standard input output standard output Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing…
A. Case of the Zeros and Ones Time Limit: 20 Sec Memory Limit: 256 MB 题目连接 http://codeforces.com/contest/556/problem/A Description Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing zeros an…
题目: 尾部的零 设计一个算法,计算出n阶乘中尾部零的个数 样例 11! = 39916800,因此应该返回 2 挑战 O(logN)的时间复杂度 解题: 常用方法: 也许你在编程之美中看到,通过求能够被2 整除和能够被5整除个数的最小值就是答案,或者直接求能够被5整除的个数就是答案<能够被5整除的数显然比较小>,但是在这里,java python都试了,结果都会出现运行超时或者越界的问题. 维基百科中有如下计算方法: Java程序: class Solution { /* * param n…
题意: 找出长度为n.0和1个数相等.没有前导0且为k的倍数的二进制数的个数. 分析: 这道题要用动态规划来做. 设dp(zeros, ones, mod)为有zeros个0,ones个1,除以k的余数为mod的二进制数的个数,则状态转移方程为: dp(zeros + 1, ones, (mod>>1) % k) += dp(zeros, ones, mod) dp(zeros, ones + 1, ((mod>>1)+1) % k) += dp(zeros, ones, mod)…
Time Limit:1000MS     Memory Limit:262144KB     64bit IO Format:%I64d & %I64u   Description Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing zeros and ones. Once he thought about a string…
A. Case of the Zeros and Ones Description Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing zeros and ones. Once he thought about a string of length n consisting of zeroes and ones. Conside…
Time Limit:1000MS     Memory Limit:262144KB     64bit IO Format:%I64d & %I64u Description Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing zeros and ones. Once he thought about a string of…
Problem N Zeros and Ones Input: standard input Output: standard output Time Limit: 2 seconds Memory Limit: 32 MB Given a string of 0's and 1's up to 1000000 characters long and indices i and j, you are to answer a question whether all characters betw…
A. Case of the Zeros and Ones time limit per test 1 second memory limit per test 256 megabytes input standard input output standard output Andrewid the Android is a galaxy-famous detective. In his free time he likes to think about strings containing…