自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(68)
  • 资源 (6)
  • 收藏
  • 关注

原创 OPENCV环境配置

在windows下通过exe安装,在ubuntu16.04下通过apt安装(最简单) 编译源码安装 win7下下载cmake,对源码进行config,注意勾选选择BUILD_EXAMPLES和BUILD_opencv_world后再次config。然后generate出vs17的工程,在vs17中打开,在批编译中仅勾选Install进行编译,最后讲编译出的h,lib和dll配置到vs的项目中便可以使用 ubunbu下按照官网命令一步步安装。注意先退出conda环境,卸载已经通过apt安装..

2020-07-06 07:58:02 311

原创 基于tensorflow2的多种模型定点化方式

Copyright 2020 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-02 00:30:16 2181

原创 基于tensorflow2的模型定点化(mnist数据集)

Copyright 2020 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-02 00:22:20 1305

原创 基于tensorflow2的模型裁剪

Copyright 2020 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-02 00:10:41 1634

原创 基于tensorflow2的模型裁剪(mnist的size和accuracy测试)

Copyright 2020 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-01 23:51:14 703

原创 基于tensorflow2的VAE(mnist的生成)

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-01 23:18:49 1077 1

原创 基于tensorflow2的adversarial_fgsm(狗分类器攻击)

Copyright 2019 The TensorFlow Authors.Licensed under the Apache License, Version 2.0 (the “License”);#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obta

2020-06-01 22:08:30 702

原创 j基于tensorflow2的cyclegan(马和斑马的图片生成)

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-06-01 21:58:41 1432 1

原创 基于tensorflow2的pix2pix图像生成(建筑物还原,U-net,gan)

Copyright 2019 The TensorFlow Authors.Licensed under the Apache License, Version 2.0 (the “License”);#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obta

2020-06-01 18:45:29 2414 2

原创 基于tensorflow2的deepdream

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-31 19:50:44 669

原创 基于tensorflow2的Neural style transfer

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-31 18:38:03 479

原创 基于pytorch的三种模型定点化方法(dynamic qu,Post-training static quantization,Quantization-aware training (QAT) )

%matplotlib inline(experimental) Static Quantization with Eager Mode in PyTorchAuthor: Raghuraman Krishnamoorthi <https://github.com/raghuramank100>_Edited by: Seth Weidman <https://github.com/SethHWeidman/>_This tutorial shows how to do p

2020-05-30 18:00:11 4316

原创 给予pytorch的对BERT在MSPR数据集上的定点化

from __future__ import absolute_import, division, print_functionimport loggingimport numpy as npimport osimport randomimport sysimport timeimport torchfrom argparse import Namespacefrom torch.utils.data import (DataLoader, RandomSampler, Sequent

2020-05-30 17:08:00 500

原创 基于pytorch的模型定点化

%matplotlib inline(experimental) Dynamic Quantization on an LSTM Word Language ModelAuthor: James Reed <https://github.com/jamesr66a>_Edited by: Seth Weidman <https://github.com/SethHWeidman/>_IntroductionQuantization involves converting

2020-05-30 11:36:11 1073

原创 基于pytorch的模型裁剪(LeNet模型演示)

%matplotlib inlinePruning TutorialAuthor: Michela Paganini <https://github.com/mickypaganini>_State-of-the-art deep learning techniques rely on over-parametrized modelsthat are hard to deploy. On the contrary, biological neural networks areknow

2020-05-30 00:52:28 1204 1

原创 基于pytorch的DQN(图像输入的CartPole)

%matplotlib inlineReinforcement Learning (DQN) TutorialAuthor: Adam Paszke <https://github.com/apaszke>_This tutorial shows how to use PyTorch to train a Deep Q Learning (DQN) agenton the CartPole-v0 task from the OpenAI Gym <https://gym.open

2020-05-29 23:51:24 2592 2

原创 基于pytorch的DCGAN人脸数据生成

%matplotlib inlineDCGAN TutorialAuthor: Nathan Inkawhich <https://github.com/inkawhich>__IntroductionThis tutorial will give an introduction to DCGANs through an example. Wewill train a generative adversarial network (GAN) to generate newceleb

2020-05-29 22:22:29 2169

原创 基于pytorch的Fast Gradient Sign Attack (FGSM)在mnist数据集上的伪造(原理近似gan,但是是求loss在图像上的梯度来改变图像))

%matplotlib inlineAdversarial Example GenerationAuthor: Nathan Inkawhich <https://github.com/inkawhich>__If you are reading this, hopefully you can appreciate how effective somemachine learning models are. Research is constantly pushing ML model

2020-05-29 16:33:18 5221 3

原创 基于pytorch的transfer_learning(ants&bee数据集,resnet18)

%matplotlib inlineTransfer Learning for Computer Vision TutorialAuthor: Sasank Chilamkurthy <https://chsasank.github.io>_In this tutorial, you will learn how to train a convolutional neural network forimage classification using transfer learning

2020-05-29 12:54:26 818

原创 基于pytorch的目标检测(rcnn+resnet50,行人数据集)

import torchtorch.cuda.is_available()True!pip install cython# Install pycocotools, the version by default in Colab# has a bug fixed in https://github.com/cocodataset/cocoapi/pull/354!pip install -U 'git+https://github.com/cocodataset/cocoapi.git#su

2020-05-29 12:20:52 5045 5

原创 ubuntu16.04下tensorflow2-gpu安装

常规操作:先装驱动,再装cuda,然后装cudnn,最后装tensorflow2常见问题:1 想用teamviewer远程,出现不能连接的问题。排查问题原因未知,直接两边重装teamviewer解决。2 teamviewer延迟高,用vnc替代,图像不清晰,换桌面,图像清晰,但是界面不如gnome友好,放弃远程gui。3 装nvidia驱动,没有先退出桌面,没有关闭现有桌面驱动,直接安装,重启后图形界面一直重复登录,转命令行自动在passwd加回车导致无法本地登录。最后通过putt.

2020-05-29 00:17:20 462

原创 基于keras的Grad-CAM class activation visualization

import numpy as npimport tensorflow as tffrom tensorflow import keras# Displayfrom IPython.display import Imageimport matplotlib.pyplot as pltimport matplotlib.cm as cm# Configurable parameters# You can change these to another model.# To get th

2020-05-26 11:13:45 977 2

原创 基于keras的Actor Critic Method控制cart-pole

import gymimport numpy as npimport tensorflow as tffrom tensorflow import kerasfrom tensorflow.keras import layers# Configuration paramaters for the whole setupseed = 42gamma = 0.99 # Discount factor for past rewardsmax_steps_per_episode = 10000

2020-05-26 11:09:09 700

原创 基于keras的Deep Dream

import numpy as npimport tensorflow as tffrom tensorflow import kerasfrom tensorflow.keras.applications import inception_v3base_image_path = keras.utils.get_file("sky.jpg", "https://i.imgur.com/aGBdQyK.jpg")result_prefix = "sky_dream"# These are th

2020-05-26 11:07:26 305

原创 基于tensorflow2的seq2seq英语西班牙语翻译

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-26 11:04:02 1114 2

原创 基于tensorflow2的seq2seq英语葡萄牙语翻译

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-26 11:00:22 1237 1

原创 基于tensorflow2的正负样本不均匀处理方法对信用卡诈骗数据进行分类

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-26 10:56:46 4431

原创 unity3d 安装

unity主要有4.x和5.x两个版本,在2017版后不再用5.x改用年份,即2017,2018等等。同时个人免费版同专业版不再有区别,即不需要使用破解版。所以2017之前的使用破解版,后面的直接从官网下载免费版。可以同时安装多个版本,可以采用unity hub进行多个版本管理。在window->asset store 中可以下载官网中别人上传的素材。如果使用破解版,安装后不要直接运行程序,打开破解工具unity patcher使用为在browser中选择程序安装目录中的Editor目录,里面有e

2020-05-25 12:21:15 562

原创 基于tensorflow2复用InceptionV3作为编码器利用GRU的RNN+Attention作为解码器在MS-COCO数据集上进行图片描述(Image Caption)

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-24 15:05:17 1881

原创 基于tensorflow2的LSTM进行莎士比亚诗集生成

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-21 01:32:13 1554

原创 tensorflow2构建RNN(LSTM)实现imdb的情感分析

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-21 01:31:37 1102

原创 tensorflow2构建imdb的word_embeddings并保存然后情感分析

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-20 11:37:20 891

原创 tensorflow2实现FasterRCNN+InceptionResNet V2的目标检测(复用mobilenet V2的已训练参数,如果使用ssd+mobilenet V2可以快一百倍)

Copyright 2018 The TensorFlow Hub Authors.Licensed under the Apache License, Version 2.0 (the “License”);# Copyright 2018 The TensorFlow Hub Authors. All Rights Reserved.## Licensed under the Apache License, Version 2.0 (the "License");# you may not u

2020-05-19 23:34:22 1967

原创 tensorflow2迁移学习(迁移学习及后续调优中进而训练前面冻结的复用模型中的参数,cat-dog数据集)

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 23:11:17 3579

原创 tensorflow2的U-net图像分割(降采样复用MobileNet2,宠物图片分割)

Copyright 2019 The TensorFlow Authors.Licensed under the Apache License, Version 2.0 (the “License”);#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obta

2020-05-19 22:59:55 1898 1

原创 tensorflow2迁移学习(基于tensorflow_hub的模型库,MobileNet2复用和除最后一层复用再训练,flower数据集)

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 17:37:19 2326

原创 tensorflow2中数据扩充在cat_dog数据集上的CNN的过拟合改善

Copyright 2018 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 17:05:21 1451

原创 tensorflow2的cnn在cifar10上的分类

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 16:56:01 840

原创 tensorflow2自动调参(在fashion_mnist数据集上利用keras_tuner自动进行网格搜索优化网络结构)

Copyright 2020 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 16:07:19 1343 2

原创 tensorflow2模型的导入导出(基于mnist数据,部分及整体保存,不同保存格式)

Copyright 2019 The TensorFlow Authors.#@title Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## https://www.apache.org/licenses/

2020-05-19 15:38:22 4091 1

fashion-mnist.zip

fashion-mnist数据集,解压放到C:\Users\Administrator\.keras\datasets,tf.keras避免从下载失败

2020-05-17

mnist.npz.zip

解压放到C:\Users\Administrator\.keras\datasets下面,避免tf.keras从下载失败

2020-05-17

PTB数据集simple-examples.zip

PTB数据集simple-examples.zip 妾发初覆额,折花门前剧。 郎骑竹马来,绕床弄青梅。 同居长干里,两小无嫌猜, 十四为君妇,羞颜未尝开。 低头向暗壁,千唤不一回。 十五始展眉,愿同尘与灰。 常存抱柱信,岂上望夫台。 十六君远行,瞿塘滟滪堆。 五月不可触,猿声天上哀。 门前迟行迹,一一生绿苔。 苔深不能扫,落叶秋风早。 八月胡蝶来,双飞西园草。 感此伤妾心,坐愁红颜老。 早晚下三巴,预将书报家。 相迎不道远,直至长风沙。

2020-05-12

wiki数据集text8.zip

解压后使用里面的压缩包,双重压缩防止重复资源无法上传。 妾发初覆额,折花门前剧。 郎骑竹马来,绕床弄青梅。 同居长干里,两小无嫌猜, 十四为君妇,羞颜未尝开。 低头向暗壁,千唤不一回。 十五始展眉,愿同尘与灰。 常存抱柱信,岂上望夫台。 十六君远行,瞿塘滟滪堆。 五月不可触,猿声天上哀。 门前迟行迹,一一生绿苔。 苔深不能扫,落叶秋风早。 八月胡蝶来,双飞西园草。 感此伤妾心,坐愁红颜老。 早晚下三巴,预将书报家。 相迎不道远,直至长风沙。

2020-05-12

cifar10_data.zip

cifar10_data.zip 妾发初覆额,折花门前剧。 郎骑竹马来,绕床弄青梅。 同居长干里,两小无嫌猜, 十四为君妇,羞颜未尝开。 低头向暗壁,千唤不一回。 十五始展眉,愿同尘与灰。 常存抱柱信,岂上望夫台。 十六君远行,瞿塘滟滪堆。 五月不可触,猿声天上哀。 门前迟行迹,一一生绿苔。 苔深不能扫,落叶秋风早。 八月胡蝶来,双飞西园草。 感此伤妾心,坐愁红颜老。 早晚下三巴,预将书报家。 相迎不道远,直至长风沙。

2020-05-09

MNIST_data.zip

MNIST_data.zip 妾发初覆额,折花门前剧。 郎骑竹马来,绕床弄青梅。 同居长干里,两小无嫌猜, 十四为君妇,羞颜未尝开。 低头向暗壁,千唤不一回。 十五始展眉,愿同尘与灰。 常存抱柱信,岂上望夫台。 十六君远行,瞿塘滟滪堆。 五月不可触,猿声天上哀。 门前迟行迹,一一生绿苔。 苔深不能扫,落叶秋风早。 八月胡蝶来,双飞西园草。 感此伤妾心,坐愁红颜老。 早晚下三巴,预将书报家。 相迎不道远,直至长风沙。

2020-05-09

空空如也

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

TA关注的人

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