- 博客(37)
- 资源 (1)
- 收藏
- 关注
原创 git 忽略 __pycache__ 和 .pyc文件
问题vscode运行python脚本的时候会出现很多__pycache__文件夹,内含.pyc文件,上传git时这些文件没必要传上去,所以需要在gitignore中加入规则。解决在.gitignore中添加**/__pycache__这样可以把文件夹中的__pycache__文件夹忽略,并且子文件夹中的__pycache__也一并忽略。参考链接git忽略规则...
2021-03-23 15:26:38 21646 3
原创 【论文阅读】APdrawing GAN (CVPR19)
论文题目:APdrawing GAN (CVPR19)风格迁移人脸照片 转换成 人脸线稿图难点线稿难复原风格抽象主要特征不能丢失,比如眼睛周围的线ground truth中的轮廓(画家画的)并不是严格和人脸关键点对齐线稿和图像的低级特征(轮廓等特征)并不直接关联模型结构概述APDrawing GAN: a noval GAN based architecture that builds upon hierarchical generators and discriminato
2021-01-05 10:57:32 651
原创 【Python】提取图像中的主要颜色
import cv2import numpy as npfrom PIL import Image img_path = './images/origin_image.jpg'image = Image.open(img_path) # 要提取的主要颜色数量num_colors = 5 small_image = image.resize((80, 80))result ...
2019-10-22 19:24:42 8737 4
原创 【ffmpeg】Ubuntu16.04重新编译ffmpeg来使用h264_nvenc编码
目的使ffmpeg进行视频编码时可以用到cuda加速,即h264_nvenc编码(h264编码可以在移动端进行播放)环境Ubuntu 16.04Cuda 9.1参考链接https://dwijaybane.wordpress.com/2017/07/19/ffmpeg-with-nvidia-acceleration-on-ubuntu-16-04-nvenc-sdk/http...
2019-09-30 16:58:10 2770 5
原创 【论文阅读】Video Generation from Single Semantic Label Map-CVPR2019
题目: Video Generation from Single Semantic Label Map原文:https://arxiv.org/pdf/1903.04480v1.pdfpytorch代码:https://github.com/junting/seg2vid摘要任务:video generation conditioned on a single semantic la...
2019-06-12 19:33:23 2053 5
原创 【python】将不同后缀的文件分开到不同文件夹
功能按照后缀将不同类型的文件区分,并保存到不同文件夹中。举例比如,原始的文件结构如下:原始结构:./dataset└───img_file│ │ a.jpg│ │ b.jpg│ │ c.png│ │ d.png其中包含jpg格式图像和png格式图像,将它们按照格式区分,拷贝到不同文件夹中:目标结构:./dataset└───img_fi...
2019-05-06 19:48:37 2706
原创 【Debug】cublas runtime error:the GPU program failed to execute at /pytorch/aten/src/THC/THCBlas.cu
Bug:RuntimeError: cublas runtime error : the GPU program failed to execute at /pytorch/aten/src/THC/THCBlas.cu:116Debug:大部分情况是由于所用的显卡为RTX系列,如2080ti,而用的cuda为cuda9.0。正确的应该安装cuda10.0及对应的Pytorch参考链接...
2019-04-28 20:06:17 20207
原创 【机器学习】统计学习方法笔记一:统计学习基础概念
统计学习基础什么是学习Herbert A. Simon定义:如果一个系统能够通过执行某个过程改进它的性能,这就是学习什么是统计学习统计学习(statistical learning)是关于计算机基于数据构建概率统计模型并运用模型对数据进行预测与分析的一门学科。也称统计机器学习(statistical machine learning)统计学习的特点以计算机及网络为平台以数据为研究对...
2019-01-08 22:26:15 413
原创 【Python】矩阵类的实现
【Python】矩阵类的实现内容矩阵类的python实现涉及知识python的运算符重载实现功能矩阵类、取值、设值、判断维度相等、乘法代码import copyclass Matrix: #初始化 def __init__(self,row,col,value=0): self.shape = (row,col) self.row = ...
2018-11-05 22:45:36 1829
原创 【机器学习】贝叶斯概率思维笔记
课程来源知乎live-贝叶斯概率思维目录贝叶斯概率贝叶斯定理贝叶斯估计贝叶斯网络推荐书籍涉及名词前言规则VS统计基于规则的理性主义:如专家系统基于统计的经验主义:如贝叶斯基于规则需要专业知识体系,容易定义,但通用性不高。基于统计则需要数据,并且相关性容易造成误导。规则-演绎(柯南破案)经验-归纳(神农尝百草)贝叶斯思维频率派VS贝叶斯派频率派通过长期、大...
2018-10-27 22:29:44 533
原创 【Python】堆(heap)的基本操作
#Python-堆(heap)的基本操作import heapq #载入heap库,heap指的是最小堆使数组转化为堆heapq.heapify(list)heap = [1,3,4,2,6,8,9]heapq.heapify(heap)# heap = [1,2,4,3,6,8,9]为heap增加元素heapq.heappush(heap,item) heap =...
2018-10-23 21:32:42 15581
原创 【深度学习】2018深度学习算法面经小记
前言面的公司不多,基本都是提前批(找工作主要还是依靠提前批,坑多人少)。大多数时间都是在问简历相关的问题,基础知识和编程也涉及到一些,简单总结一下,也算回顾面试过程了。面试题基础知识求空间中两异面直线的距离SVM的原理、推导SVM与决策树的比较各种熵、KL散度、JS散度解释梯度消失、梯度爆炸,以及为什么解释过拟合,如何解决编程手写快排,快排的时间复杂度(为什么是O(nl...
2018-10-09 12:22:03 2146
原创 【代码阅读】最大均值差异(Maximum Mean Discrepancy, MMD)损失函数代码解读(Pytroch版)
代码及参考资料来源Source code: easezyc/deep-transfer-learning [Github] 参考资料:迁移学习简明手册MMD介绍MMD(最大均值差异)是迁移学习,尤其是Domain adaptation (域适应)中使用最广泛(目前)的一种损失函数,主要用来度量两个不同但相关的分布的距离。两个分布的距离定义为: MMD(X,Y)=||1n∑i=1n...
2018-07-23 22:24:25 57087 71
原创 【代码阅读】OpenPose(Pytorch Realtime Multi-Person Pose Estimation)
这是根据CVPR2017的论文代码改写的Pytorch版,也可以看做是OpenPose的代码。 今天对这个repo里的一个demo代码进行了阅读,把其中比较难懂的部分做了注释。 后续可能会根据论文做一个代码对比流程。Source Code: https://github.com/tensorboy/pytorch_Realtime_Multi-Person_Pose_Estimatio...
2018-07-10 20:56:18 9444 7
原创 【深度学习】感受野(receptive fields)概念计算及如何增加感受野总结
在深度学习论文里,经常会看到感受野(receptive fields), 根据自己看到的和网上资料稍微整理总结一下。感受野的定义感受野是卷积神经网络(CNN)每一层输出的特征图(feature map)上的像素点在原始输入图像上映射的区域大小[1]。 感受野的计算感受野的计算从最深层开始向浅层计算,逐步计算到第一层(即上图的蓝色层开始向红色层传递计算),所以计算前要知道网络的...
2018-07-02 18:56:15 15574 2
原创 【Leetcode】238. Product of Array Except Self
原题不让用除法,也就是不能先把数组中所有元素乘起来然后对单个元素进行除法运算得到结果。 这样解决思路就是,针对某个值,先遍历之前的数乘起来,再遍历之后的数乘起来。两者想乘就是当前值对应的输出。Python代码:class Solution(object): def productExceptSelf(self, nums): """ :type num...
2018-06-28 21:17:35 184
原创 【人体姿态估计】articulated pose estimation基础知识、博客、论文、数据集等资料整理
人体姿态估计资料整理目录 1. 基础知识 1.1相关术语 2. 博客 3. 论文 4. 数据集基础知识相关术语articulated pose estimation: 关节姿态估计博客论文《Convolutional Pose Machines》(CPM) CVPR-2016 The Robotics Institute ...
2018-06-28 19:30:47 4044
原创 【Github】常用指令记录
系统: Ubuntu 14.04配置ssh在使用终端使用github之前需要先配置ssh 打开新终端: * ssh-keygen -t rsa -b 4096 -C “your_email@example.com”(改成自己邮箱) * 回车默认保存路径 * 输入密码,回车确认密码 * 生成ssh成功 * 打开github->setting->SSH and GPG ...
2018-05-24 20:19:50 415
原创 【python】已知三点计算三角形面积
#转化为通过三边计算三角形面积import mathdef cal_area(p1,p2,p3): ''' :param p: [x,y] :return S: area of triangle ''' a = float(math.sqrt((p2[0]-p3[0])*(p2[0]-p3[0])+(p2[1]-p3[1])*(p2[...
2018-04-08 13:34:25 12179
翻译 【论文阅读】Triplet-Center Loss for Multi-View 3D Object
Triplet-Center Loss for Multi-View 3D Object Retrieval原文(cvpr18接受):https://arxiv.org/abs/1803.06189摘要任务 3D object retrieval目标 利用深度度量学习(deep metric learning)学习3D物体的差异特征(discriminative featu...
2018-04-03 16:38:09 4673 6
原创 【Leetcode】811. Subdomain Visit Count
简单的字符串类型题目 Python做主要用到dict.get()和split()函数 version 1class Solution(object): def subdomainVisits(self, cpdomains): """ :type cpdomains: List[str] :rtype: List[str] ...
2018-04-01 13:52:50 427
原创 【Leetcode】740. Delete and Earn
Given an array nums of integers, you can perform operations on the array.In each operation, you pick any nums[i] and delete it to earn nums[i] points. After, you must delete every element equal to n...
2018-03-27 14:24:49 371
原创 【Leetcode】179. Largest Number
因为是列表中数字组合,所以第一反正是用回溯做: version 1 :class Solution: # @param {integer[]} nums # @return {string} def largestNumber(self, nums): res = [0] n = len(nums) def dfs(...
2018-03-26 21:24:29 166
原创 【Leetcode】650. 2 Keys Keyboard
利用动态规划的思路: 遍历1到n,如果是质数的话,操作次数为数的大小。非质数的操作次数则根据可整除的最大数决定。 version 1:class Solution(object): def minSteps(self, n): """ :type n: int :rtype: int ""&
2018-03-26 12:20:49 204
原创 【Leetcode】806. Number of Lines To Write String
这是leetcode contest 77的新题: 第一次参加contest,前边两道题确实简单。version 1:class Solution(object): def numberOfLines(self, widths, S): """ :type widths: List[int] :type S: str ...
2018-03-25 14:52:36 493 2
原创 【Leetcode】386. Lexicographical Numbers
想到的是变成字符然后排序。 version 1 :def lexicalOrder(self, n): """ :type n: int :rtype: List[int] """ res=[] for i in range(n+1):
2018-03-23 15:09:33 168
原创 【Leetcode】228. Summary Ranges
判断连续数的范围,遍历判断,很简单: version 1:class Solution(object): def summaryRanges(self, nums): """ :type nums: List[int] :rtype: List[str] """
2018-03-21 23:26:26 184
原创 【Leetcode】718. Maximum Length of Repeated Subarray
动态规划里的最长公共子串问题 1.0代码class Solution(object): def findLength(self, A, B): """ :type A: List[int] :type B: List[int] :rtype: int "&amp
2018-03-19 22:42:03 172
原创 【迁移学习】domain adaptation and metric learning基础知识及博客整理
定义Metric learning supervised method the basic idea is to find a metric under which the data from the same classes are close while from different ones far apart.[1]unsupervised metric learning m...
2018-03-15 21:40:02 950
原创 【Leetcode】49. Group Anagrams
方法很好想,用哈希表来做。 只要将每个字符串排序后作为key就可以了class Solution(object): def groupAnagrams(self, strs): """ :type strs: List[str] :rtype: List[List[str]] """ dict = {}..
2018-03-14 23:00:36 175
原创 【Leetcode】687. Longest Univalue Path
# Definition for a binary tree node.# class TreeNode(object):# def __init__(self, x):# self.val = x# self.left = None# self.right = Noneclass Solution(object): d...
2018-03-14 17:14:28 187
原创 【Leetcode】131. Palindrome Partitioning
class Solution(object): def partition(self, s): """ :type s: str :rtype: List[List[str]] """ def dfs(s,index,p
2018-03-13 17:16:47 160
原创 【Python】网页爬取CVPR论文
动机利用python自动下载 cvpr论文流程获取网页内容找到所有论文链接下载1. 获取网页内容所用模块:requests重要函数:requests.get输出:web_context参考链接: http://blog.csdn.net/fly_yr/article/details/51525435#get web contextdef ge...
2018-03-08 09:04:59 3283 2
原创 【配置】windows下安装xgboost
需求:复现天池比赛ofo优惠券预测, 链接: https://tianchi.aliyun.com/competition/introduction.htm?spm=5176.8366600.0.0.7fd6311fzHuwxi&raceId=231593其中一部分需要用到xgboost,然而直接用pip install xgboost会出现No files/d...
2018-03-06 11:10:20 1211
原创 【Python】实现pcd转txt
因为实验要求,用python把pcd里的三维点提出来保存成txt文件,方便处理。代码很简单,就是一般的文件读写。怕忘,在这贴一下就当云备份了。import os#定义一个三维点类class Point(object): def __init__(self,x,y,z): self.x = x self.y = y self.z = zpo
2017-05-04 19:23:15 6697 8
原创 【Leetcode】Add digit
今天在Leetcode刷题的时候遇到一类新题:关于数根(digital root)的问题问题描述Given a non-negative integer num, repeatedly add all its digits until the result has only one digit. 给定一个非负数,将它的各位加起来,得到的数继续加,直到最后剩下一位数为止。For example:
2017-04-01 14:10:25 546
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人