自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(19)
  • 资源 (17)
  • 收藏
  • 关注

原创 python视频关键帧提取

来自:https://github.com/amanwalia92/KeyFramesExtraction有三个参数:videopath:视频路径    dir:生成的图片保存路径    len_window:帧数# -*- coding: utf-8 -*-import cv2import operatorimport numpy as npimport matplotl...

2018-07-30 14:59:56 19952 25

转载 RCNN,FastRCNN,FasterRCNN原理及相应概念解释

本文转自:https://www.cnblogs.com/dudumiaomiao/p/6560841.htmlR-CNN:(1)输入测试图像;(2)利用selective search 算法在图像中从上到下提取2000个左右的Region Proposal;(3)将每个Region Proposal缩放(warp)成227*227的大小并输入到CNN,将CNN的fc7层的输出作为...

2018-07-26 22:37:59 20548 2

转载 医学影像数据集汇总

本文转自:https://blog.csdn.net/sinat_37842336/article/details/805829481、肺结节数据库LIDC-IDRI:CSDN数据库介绍:http://blog.csdn.net/dcxhun3/article/details/54289598数据库网址:https://wiki.cancerimagingarchive.net/display/P...

2018-07-15 17:28:47 18413 10

原创 吴恩达 深度学习 4-4 课后作业 Art Generation with Neural Network Transfer DL&Art: Neural Style Transfer

Deep Learning & Art: Neural Style TransferWelcome to the second assignment of this week. In this assignment, you will learn about Neural Style Transfer. This algorithm was created by Gatys et al...

2018-07-12 17:03:44 2165

原创 FaceNet模型代码 inception_blocks.py

import tensorflow as tfimport numpy as npimport osfrom numpy import genfromtxtfrom keras import backend as Kfrom keras.layers import Conv2D, ZeroPadding2D, Activation, Input, concatenatefrom ker...

2018-07-12 11:36:52 1856

原创 吴恩达 深度学习 4-4 课后作业 Face Recognition for the Happy House

Face Recognition for the Happy HouseWelcome to the first assignment of week 4! Here you will build a face recognition system. Many of the ideas presented here are from FaceNet. In lecture, we also tal...

2018-07-12 11:16:14 1738

原创 吴恩达 深度学习 4-3 课后作业 Car detection with YOLOv2 Autonomous driving - Car detection

Autonomous driving - Car detectionWelcome to your week 3 programming assignment. You will learn about object detection using the very powerful YOLO model. Many of the ideas in this notebook are desc...

2018-07-11 11:45:57 2893 7

原创 吴恩达 深度学习 4-2 课后作业 Residual Networks

Residual Networks¶Welcome to the second assignment of this week! You will learn how to build very deep convolutional networks, using Residual Networks (ResNets). In theory, very deep networks can repr...

2018-07-10 20:00:17 2836

原创 吴恩达 深度学习 4-2 课后作业 Keras tutorial - the Happy House

Keras tutorial - the Happy House¶Welcome to the first assignment of week 2. In this assignment, you will:Learn to use Keras, a high-level neural networks API (programming framework), written in Python...

2018-07-10 12:37:50 1522 8

原创 吴恩达 深度学习 4-1 课后作业 Convolutional Neural Networks: Application

Convolutional Neural Networks: Application¶Welcome to Course 4's second assignment! In this notebook, you will:Implement helper functions that you will use when implementing a TensorFlow model Im...

2018-07-10 10:39:21 1572 6

转载 python中np.multiply()、np.dot()和星号(*)三种乘法运算的区别

本文转自:https://blog.csdn.net/zenghaitao0128/article/details/78715140为了区分三种乘法运算的规则,具体分析如下:import numpy as np11. np.multiply()函数函数作用数组和矩阵对应位置相乘,输出与相乘数组/矩阵的大小一致1.1数组场景A = np.arange(1,5).reshape(2,2)A12arr...

2018-07-09 14:39:23 299

原创 吴恩达 深度学习 4-1 课后作业 Convolutional Neural Networks: Step by Step

Convolutional Neural Networks: Step by Step¶Welcome to Course 4's first assignment! In this assignment, you will implement convolutional (CONV) and pooling (POOL) layers in numpy, including both for...

2018-07-09 14:28:14 1354 3

原创 python将视频转为图片

本文核心代码来自:https://blog.csdn.net/u010555688/article/details/79182362import cv2def getFrame(videoPath, svPath): cap = cv2.VideoCapture(videoPath) numFrame = 0 while True: if cap.grab...

2018-07-06 17:50:27 12710 3

转载 行人重识别(ReID)开源代码

转自:https://blog.csdn.net/Layumi1993/article/details/55798568?locationNum=2&fps=1关于行人重识别综述,推荐一下liang zheng 2016年的综述: Past, Present and Future 写了从传统方法到深度学习,从图片到视频的行人重识别的方法。推荐链接:http://www.liangzheng...

2018-07-06 11:02:39 18494 2

转载 深度学习论文汇总

转自:https://blog.csdn.net/qq_21190081/article/details/69564634本博客用于记录自己平时收集的一些不错的深度学习论文,近9成的文章都是引用量3位数以上的论文,剩下少部分来自个人喜好,本博客将伴随着我的研究生涯长期更新,如有错误或者推荐文章烦请私信。深度学习书籍和入门资源LeCun Y, Bengio Y, Hinton G. Deep lea...

2018-07-06 10:57:46 877

原创 行人重识别(Re-ID)与跟踪(tracking)区别

总结自:https://www.zhihu.com/question/68584669/answer/265070848作者:陈狄链接:https://www.zhihu.com/question/68584669/answer/326110383来源:知乎著作权归作者所有。商业转载请联系作者获得授权,非商业转载请注明出处。从任务的角度来看,两者最主要的区别如下:行人再识别:给定一张切好块的行人图...

2018-07-06 10:56:11 17168 2

转载 机器学习和深度学习引用量最高的20篇论文(2014-2017)

转自:https://blog.csdn.net/hll174/article/details/69808435机器学习和深度学习的研究进展正深刻变革着人类的技术,本文列出了自 2014 年以来这两个领域发表的最重要(被引用次数最多)的 20 篇科学论文,以飨读者。机器学习,尤其是其子领域深度学习,在近些年来取得了许多惊人的进展。重要的研究论文可能带来使全球数十亿人受益的技术突破。这一领域的研究目...

2018-07-03 22:09:41 2408 1

转载 文献 | 2010-2016年被引用次数最多的深度学习论文(修订版)

转自:https://blog.csdn.net/u010402786/article/details/51682917一、书籍Deep learning (2015)作者:Bengio下载地址:http://www.deeplearningbook.org/二、理论1.在神经网络中提取知识Distilling the knowledge in a neural network作者:G. Hint...

2018-07-03 22:08:32 693

原创 深度神经网络实践经验

原文链接:https://pcc.cs.byu.edu/2017/10/02/practical-advice-for-building-deep-neural-networks/点击打开链接(需要翻墙)https://github.com/leidaguo/Practical-advise-for-building-deep-neural-network-...

2018-07-02 15:33:22 361

OpenCV 3.x with Python By Example 2nd .txt

OpenCV 3.x with Python By Example(2nd).pdf 带书签无水印。这本书用很多实际场景的例子教你学opencv。文件太大,这是链接

2019-06-01

OpenCV-3-x-with-Python-By-Example-master.zip

OpenCV 3.x with Python By Example(2nd).pdf code这本书对应的代码

2019-05-31

OpenCV-with-Python-By-Example-master.zip

OpenCV with Python By Example这本书对应的代码。非常好的入门教程

2019-05-31

传智播客python课件

传智播客黑马python东哥主讲,这里是代码和课件。视频见:https://www.bilibili.com/video/av36851082/?p=129

2019-01-26

强化学习Reinforcement learning:An introduction第二版

强化学习Reinforcement learning:An introduction第二版

2018-10-16

斯坦福cs234强化学习ppt教程reinforcement learning

斯坦福大学stanford cs234强化学习ppt教程reinforcement learning

2018-10-10

迁移学习教程,Transfer learning介绍,TL调查

迁移学习教程-中科院王晋东,Transfer learning介绍-杨强,Transfer Learning survey-杨强

2018-10-08

深度学习优化算法大全

深度学习优化算法,3种梯度下降方法,多种梯度下降优化算法(动量法,Nesterov,Adagrad,Adadelta,RMSprop,Adam等优化器),算法可视化及优化器选择,优化SGD

2018-10-08

machine learning yearning Andrew Ng

machine learning yearning是吴恩达新书,本书含有58章

2018-09-30

Deep Learning for Computer Vision by Dr. Stephen Moore

Deep Learning for Computer Vision by Dr. Stephen Moore. Expert techniques to train advanced neural networks using TensorFlow and Keras

2018-09-18

Deep Learning for Computer Vision with Python123

Deep Learning for Computer Vision with Python123, 作者Dr. Adrian Rosebrock. 总共三本, 分别为starter bundle, Practitioner Bundle, ImageNet Bundle

2018-09-18

Hands On Machine Learning with Scikit-Learn and TensorFlow20173

Hands On Machine Learning with Scikit-Learn and TensorFlow20173 通过最近的一系列突破,深度学习推动了整个机器学习领域。 现在,即使对这项技术几乎一无所知的程序员也可以使用简单有效的工具来实现能够从数据中学习的程序。 这本实用的书向你展示了如何。 通过使用具体示例,最小理论和两个可用于生产的Python框架 - scikit-learn和TensorFlow-authorAurélienGéron帮助您直观地了解构建智能系统的概念和工具。 您将学习一系列技术,从简单的线性回归开始,逐步深入到神经网络。 通过每章的练习来帮助您应用所学知识,您所需要的只是编程经验才能开始。

2018-07-03

David Silver强化学习课件ppt

David Silver强化学习课程文件Lecture 1: Introduction to Reinforcement Learning Lecture 2: Markov Decision Processes Lecture 3: Planning by Dynamic Programming Lecture 4: Model-Free Prediction Lecture 5: Model-Free Control Lecture 6: Value Function Approximation Lecture 7: Policy Gradient Methods Lecture 8: Integrating Learning and Planning Lecture 9: Exploration and Exploitation Lecture 10: Case Study: RL in Classic Games

2018-07-03

面向对象UML教学楼管理系统

面向对象UML建模教学楼管理系统,详细文档和各种图用例图类图时序图状态图组件图配置图各种图

2015-12-28

MFC教学楼管理系统

MFC管理系统基于网络编程客户端服务器和数据库

2015-12-28

空空如也

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

TA关注的人

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