
python
文章平均质量分 65
zhqh100
这个作者很懒,什么都没留下…
展开
-
深度增强学习射击类游戏(vizdoom)
深度强化学习玩DoomGame原创 2022-06-30 10:22:00 · 2329 阅读 · 0 评论 -
AirSim在Windows下环境搭建
AirSim在Windows下环境搭建原创 2022-06-18 11:04:08 · 1128 阅读 · 0 评论 -
Softsign Tanh 速度对比
softsign vs tanh原创 2022-06-02 10:13:56 · 634 阅读 · 0 评论 -
学习 RobustVideoMatting
RobustVideoMatting视频人像分割新纪元原创 2022-06-01 11:27:29 · 1993 阅读 · 7 评论 -
PaddlePaddle 尚不支持 Ubuntu22.04
(base) luke@luke-NH5x-7xRCx-RDx:~$ pythonPython 3.9.7 (default, Sep 16 2021, 13:09:58) [GCC 7.5.0] :: Anaconda, Inc. on linuxType "help", "copyright", "credits" or "license" for more information.>>> import paddleError: Can not import avx cor.原创 2022-04-25 17:36:06 · 5242 阅读 · 4 评论 -
xubuntu22.04 安装 pytorch 环境最简步骤
sudo apt install nvidia-cuda-toolkit nvidia-driver-510Index of /https://repo.anaconda.com/miniconda/Miniconda3-py39_4.11.0-Linux-x86_64.shconda install torchvision -c pytorch原创 2022-04-22 16:30:18 · 2468 阅读 · 0 评论 -
blazeface学习笔记
完整的应该是一个人脸识别项目,人脸识别,大言不惭的说,我之前其实也做过,比如用dlib来做人脸识别,就是用opencv那一套来实现,说句实在话,速度非常慢,即便是在intel CPU上,一秒也就两三帧,确实是太慢了我其实也用过其他方案,比如前几年,下载虹软的免费的库,进行试用,效果确实惊人,给我印象最深刻的,倒不是识别准确度有多高,而是速度真的飞快,我也试过MTCNN,这个只要网上搜索人脸检测,基本都是搜到这个结果,我也尝试过,我不知道别人是如何夸奖这个库的,我试用的体会就是,经常误识别,就是本来就原创 2022-03-23 19:16:36 · 2961 阅读 · 0 评论 -
LaneATT调试笔记
代码地址为 https://github.com/lucastabelini/LaneATThttps://github.com/lucastabelini/LaneATT首先说这个Label,因为input肯定是一张图片,这个毫无疑问,这个Label的构建主要是在LaneDataset中,该类首先构建一个dataset,比如我这里是TuSimple,其数据集的Label是车道线的标点,不过是十行(像素)取一个x点的坐标,所以lane就是x点坐标,而h_samples就是y的坐标,主要也就是一个json原创 2022-03-18 22:09:24 · 1781 阅读 · 7 评论 -
NanodetPlus网络调试笔记
根据GitHub - RangiLyu/nanodet: NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. ????Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone????调试得出backbone 为 'ShuffleNetV2'根据 nanodet_custom_xml_dataset.yml 的默认配置,默认输入尺寸为原创 2022-02-19 21:02:14 · 522 阅读 · 0 评论 -
nanodet训练voc数据集
class_names: &class_names ['aeroplane','bicycle','bird','boat','bottle','bus','car','cat','chair','cow','diningtable','dog','horse','motorbike','person','pottedplant','sheep','sofa','train','tvmonitor']num_classes: 20原创 2022-02-17 14:50:31 · 2535 阅读 · 3 评论 -
YOLOv3学习笔记
代码为https://github.com/Peterisfar/YOLOV3.git神经网络输入尺寸 input_sizeimg.size()torch.Size([1, 3, 544, 544])从darknet53中获取特征x_s, x_m, x_l = self.__backnone(x)x_s.size()torch.Size([1, 256, 68, 68])x_m.size()torch.Size([1, 512, 34, 34])x_l.size()torch..原创 2022-02-15 17:19:37 · 596 阅读 · 0 评论 -
sklearn 随机森林代码示例
代码参考https://github.com/mbeyeler/opencv-machine-learning/blob/master/notebooks/10.03-Using-Random-Forests-for-Face-Recognition.ipynbfrom sklearn.ensemble import RandomForestClassifierfrom sklearn.ensemble import AdaBoostClassifierfrom sklearn.datasets原创 2020-08-19 18:24:05 · 1444 阅读 · 0 评论 -
OpenCV 多层感知器训练代码示例
代码参考:http://localhost:8888/notebooks/notebooks/09.04-Training-an-MLP-in-OpenCV-to-Classify-Handwritten-Digits.ipynbfrom keras.datasets import mnistimport numpy as npfrom sklearn.preprocessing import OneHotEncoderimport cv2from sklearn.metrics import原创 2020-08-19 17:32:26 · 308 阅读 · 0 评论 -
sklearn 朴素贝叶斯分类示例
代码参考https://github.com/mbeyeler/opencv-machine-learning/blob/master/notebooks/07.01-Implementing-Our-First-Bayesian-Classifier.ipynb:from sklearn import datasetsimport numpy as npfrom sklearn import model_selection as msimport matplotlib.pyplot as p.原创 2020-08-19 14:40:33 · 637 阅读 · 0 评论 -
OpenCV 贝叶斯分类器示例
代码参考https://github.com/mbeyeler/opencv-machine-learning/blob/master/notebooks/07.01-Implementing-Our-First-Bayesian-Classifier.ipynbfrom sklearn import datasetsimport numpy as npfrom sklearn import model_selection as msimport cv2from sklearn imp..原创 2020-08-19 14:12:04 · 464 阅读 · 0 评论 -
计算并显示HOG直方图
首先使用skimage进行计算和显示,需要安装scikit-imageconda install scikit-image代码参考https://blog.youkuaiyun.com/mago2015/article/details/85320347from skimage.feature import hogfrom skimage import iofrom PIL import Imageimport cv2 img = cv2.imread('a.jpeg', cv2.IMREA..原创 2020-08-18 16:49:58 · 422 阅读 · 2 评论 -
使用OpenCV进行SVM分类demo
代码来源https://github.com/mbeyeler/opencv-machine-learning/blob/master/notebooks/06.01-Implementing-Your-First-Support-Vector-Machine.ipynbfrom sklearn import datasetsimport cv2import matplotlib.pyplot as pltimport numpy as npfrom sklearn import model.原创 2020-08-18 14:52:25 · 1208 阅读 · 0 评论 -
SVM进行手写数字识别
使用了TensorFlow中的mnist数据集from sklearn import svmimport numpy as npfrom sklearn.metrics import classification_reportfrom tensorflow.keras.datasets.mnist import load_data(x_train, y_train), (x_test, y_test) = load_data()x_train = x_train.reshape(x_tra原创 2020-08-18 14:05:17 · 1149 阅读 · 0 评论 -
knn 进行手写数字识别
数据集使用了Keras的datasetsfrom sklearn.neighbors import KNeighborsClassifierfrom sklearn.metrics import classification_reportfrom keras.datasets import mnist(x_train_tmp, y_train_tmp), (x_test_tmp, y_test_tmp) = mnist.load_data()x_test_new = x_test_tmp.r原创 2020-08-17 15:18:00 · 236 阅读 · 0 评论 -
OpenCV Python 2 数字识别(K近邻)
我使用OpenCV中的KNeest或SVM特性来实现简单的文字识别OCR。下面是我实现的步骤,学习学习1)我的第一个问题是关于OpenCV示例附带的数据文件。我想知道文件里有什么。它包含一个字母,以及该字母的16个特征。和this SOF帮我找到了。本文对这16个特征进行了说明。使用Holland分类器进行字母识别2)如果不了解这些特性,就很难做。所以能实现就好,我没有太关注性能以下是我的训练数据图:(训练数据量较少。所有的字母都是相同的字体和大小)。我用OpenCV编.转载 2020-08-06 09:47:06 · 1438 阅读 · 0 评论 -
文件夹下Excel内容搜索(Python)
基于 PyQt5 和xlrd库实现https://github.com/moneypi/SearchExcel.git代码如下:import sys, osfrom PyQt5.QtWidgets import QApplication, QWidget, QPushButton, QAbstractItemView, QTableWidgetItem, QTableWidget, \ QFileDialogfrom PyQt5.QtGui import QIcon...原创 2020-07-13 13:51:54 · 2049 阅读 · 2 评论 -
pyqt5 视频播放器
from PyQt5.QtWidgets import *from PyQt5.QtMultimedia import *from PyQt5.QtMultimediaWidgets import QVideoWidgetfrom PyQt5.QtCore import QUrl, Qtimport sysimport cv2class myVideoWidget(QVideoWidget): def __init__(self, path, parent=None): ...原创 2020-06-12 15:45:15 · 1047 阅读 · 1 评论 -
tensorflow models 工程解析
项目地址:https://github.com/tensorflow/models下面列表中的是否支持 tf2.0 来源于https://github.com/tensorflow/models/commit/d466d4e6be438ab80fb364c2ae08d4d1eccfa8f7 是否支持tf2.0 a3c_blogpost adversaria...原创 2020-04-15 10:03:07 · 370 阅读 · 0 评论 -
keras 的 example 文件 pretrained_word_embeddings.py 解析
该代码我在Linux下运行没问题,但是在Windows下会报错:Traceback (most recent call last): File "pretrained_word_embeddings.py", line 43, in <module> for line in f:UnicodeDecodeError: 'gbk' codec can't dec...原创 2020-04-13 16:36:23 · 437 阅读 · 0 评论 -
keras 的 example 文件 neural_doodle.py 解析
这是一个电脑学习涂鸦的程序首先看下函数load_mask_labels,该函数会把 mask 根据颜色分成不同的 label 页,比如会把下图分为下面四张:原创 2020-04-13 13:50:26 · 259 阅读 · 0 评论 -
keras 的 example 文件 variational_autoencoder.py 解析
该代码介绍了VAE自动编解码器:VAE的原理可以参考https://www.cnblogs.com/huangshiyu13/p/6209016.html编码器的结构为:__________________________________________________________________________________________________Layer (t...原创 2020-04-07 16:04:44 · 339 阅读 · 2 评论 -
keras 的 example 文件 reuters_mlp.py 解析
该文件是一个文本分类的示例,数据集采用路透社的新闻,我们可以把其内容解析一下:word_index = reuters.get_word_index()word_index = {k: (v + 3) for k, v in word_index.items()}word_index["<PAD>"] = 0word_index["<START>"] = 1...原创 2020-04-07 14:47:57 · 259 阅读 · 0 评论 -
keras 的 example 文件 mnist_transfer_cnn.py 解析
本代码介绍了迁移学习,也就是在一个数据集上训练完成后,在另一个数据集上,部分网络层配置为不可训练,仅对部分网络进行训练本代码的神经网络结构为:______________________________________________________________________Layer (type) Output Shape ...原创 2020-04-07 11:30:18 · 208 阅读 · 0 评论 -
keras 的 example 文件 mnist_swwae.py 解析
首先,该代码在新版本下会运行失败,根据https://github.com/keras-team/keras/pull/13712/commits,需要把文件C:\ProgramData\Miniconda3\pkgs\keras-base-2.3.1-py37_0\Lib\site-packages\keras\backend\tensorflow_backend.py 中的函数_get_a...原创 2020-04-07 10:40:44 · 254 阅读 · 0 评论 -
keras 的 example 文件 mnist_sklearn_wrapper.py 解析
这是一个自动调整超参数的功能演示,首先该程序有一个bug,可能在经过很长一段时间的训练之后,最后一步报错了,Traceback (most recent call last): File "mnist_sklearn_wrapper.py", line 96, in <module> validator.fit(x_train, y_train) File "...原创 2020-04-03 15:03:03 · 815 阅读 · 3 评论 -
keras 的 example 文件 mnist_siamese.py 解析
该程序是介绍了一个孪生神经网络,大致就是给出两张图片,比较两张图片的相似性,比如人脸对比等这里的数据集是mnist,代码中首先会建立一些图片对,就是pairs,如果是同类的图片,则把y值设置为 1,如果是不同类的图片,则把 y 值设置为 0;y值就是相似度基础神经网络结构为:____________________________________________________...原创 2020-04-03 11:00:42 · 338 阅读 · 0 评论 -
keras 的 example 文件 mnist_net2net.py 解析
该程序是介绍,如何把一个浅层的卷积神经网络,加深,加宽如先建立一个简单的神经网络,结构如下:_________________________________________________________________Layer (type) Output Shape Param #====================...原创 2020-04-03 09:16:58 · 179 阅读 · 0 评论 -
keras 的 example 文件 lstm_text_generation.py 解析
先打印下char_indices{'\n': 0, ' ': 1, '!': 2, '"': 3, "'": 4, '(': 5, ')': 6, ',': 7, '-': 8, '.': 9, '0': 10, '1': 11, '2': 12, '3': 13, '4': 14, '5': 15, '6': 16, '7': 17, '8': 18, '9': 19, ':': 2...原创 2020-04-02 15:10:20 · 259 阅读 · 0 评论 -
keras 的 example 文件 lstm_stateful.py 解析
该程序要通过一个LSTM来实现拟合窗口平均数的功能先看输入输出数据,print(x_train[:10])[[[-0.08453234]] [[ 0.02169589]] [[ 0.07949955]] [[ 0.00898136]] [[ 0.0405444 ]] [[-0.0227726 ]] [[ 0.03033169]] [[ 0.03801032...原创 2020-04-02 14:31:57 · 227 阅读 · 0 评论 -
keras 的 example 文件 imdb_fasttext.py 解析
该文件功能上也是文本情感分类默认的代码中ngram_range = 1,这就差不多是常规的NLP处理,编号跟一个 Embedding,这就比较简单所以我们还是分析一下ngram_range > 1的情况,我们先设置ngram_range = 2,这样的话,x_train 中的第一个句子,首先会进行如下变换,原句:[1, 14, 22, 16, 43, 530, 973, 1...原创 2020-04-02 10:52:49 · 447 阅读 · 0 评论 -
keras 的 example 文件 deep_dream.py 解析
这个程序大致就是让神经网络产生一些梦境般的效果,把实实在在的画面搞的花里胡哨,虚虚实实,我用上次的那条狗,生成的效果大致是这样的,《略》抱歉,不是图丢了,是我把图删了,可能有人觉得生成的图片如梦如幻,但我看了有点起鸡皮疙瘩基础神经网络使用的是inception_v3 , 神经网络结构为:______________________________________________...原创 2020-04-01 10:28:18 · 244 阅读 · 0 评论 -
keras 的 example 文件 cnn_seq2seq.py 解析
该代码是实现一个翻译功能,好像是法语翻译为英文,因为我看不懂法语首先这个代码有一个bug,本人提交了一个pull request来修复,https://github.com/keras-team/keras/pull/13863/commits/fd44e03a9d17c05aaecc620f8d88ef0fd385254b但由于官方长久不维护,所以至今尚未合并,需要把第68行改为...原创 2020-03-31 16:29:49 · 380 阅读 · 0 评论 -
keras 的 example 文件 class_activation_maps.py 解析
该文件功能是实现一个CNN可视化,我不知道这个叫法算不算专业,可以参考别人写的文章https://zhuanlan.zhihu.com/p/51631163https://blog.youkuaiyun.com/weixin_40955254/article/details/81191896应该就是看下神经网络是通过关注哪部分区域预测出的最终结果其基础网络是resnet50,get_ca...原创 2020-03-31 15:24:18 · 384 阅读 · 0 评论 -
keras 的 example 文件 cifar10_resnet.py 解析
该代码功能是卷积神经网络进行图像识别,数据集是cifar10同时演示了回调函数ModelCheckpoint, LearningRateScheduler, ReduceLROnPlateau 的用法输入数据的shapex_train shape: (50000, 32, 32, 3)y_train shape: (50000, 1)默认的神经网络结构:________...原创 2020-03-30 14:43:26 · 382 阅读 · 0 评论 -
keras 的 example 文件 cifar10_cnn.py 解析
这个示例很简单,就是从cifar10中读取数据集,通过卷积神经网络进行图像识别输入数据的shapex_train.shape (50000, 32, 32, 3)y_train.shape (50000, 10)神经网络结构:__________________________________________________________________________...原创 2020-03-30 13:59:31 · 190 阅读 · 0 评论