该文被密码保护。 阅读全文
摘要:
Tutorial on word2vector using GloVe and Word2Vec 2018-05-04 10:02:53 Some Important Reference Pages First: Reference Page: https://github.com/IliaGavr 阅读全文
摘要:
Tracking by Natural Language Specification 2018-04-27 15:16:13 Paper: http://openaccess.thecvf.com/content_cvpr_2017/papers/Li_Tracking_by_Natural_CVP 阅读全文
摘要:
Semantic Segmentation using Adversarial Networks 2018-04-27 09:36:48 Abstract: 对于产生式图像建模来说,对抗训练已经取得了很好的效果。本文中,我们提出了一种对抗训练的方法来训练语义分割模型。其实这里就是加了一个对抗loss 阅读全文
摘要:
Attention Is All You Need 2018-04-17 10:35:25 Paper:http://papers.nips.cc/paper/7181-attention-is-all-you-need.pdf Code(PyTorch Version):https://githu 阅读全文
摘要:
Capsules for Object Segmentation 2018-04-16 21:49:14 Introduction: 阅读全文
该文被密码保护。 阅读全文
该文被密码保护。 阅读全文
摘要:
美国签证申请流程 2018-04-13 09:13:56 昨天刚跑完上海美国签证大使馆,尼玛,计算机科学,敏感专业,又被 check 了(TT)。这里简要介绍下“因私出国”的签证申请流程: 1. 先去办理 “护照” ; 2. 去美国签证网页填 DS-160 的表格:https://ceac.stat 阅读全文
摘要:
Diffusion-Convolutional Neural Networks (传播-卷积神经网络)2018-04-09 21:59:02 1. Abstract: 我们提出传播-卷积神经网络(DCNNs),一种处理 graph-structured data 的新模型。随着 DCNNs 的介绍, 阅读全文
该文被密码保护。 阅读全文
摘要:
Zero-shot Recognition via semantic embeddings and knowledege graphs 2018-03-31 15:38:39 【Abstract】 我们考虑 zero-shot recognition 的问题:学习一个类别的视觉分类器,并且不用 tr 阅读全文
摘要:
Learning how to Active Learn: A Deep Reinforcement Learning Approach 2018-03-11 12:56:04 Paper: https://www.aclweb.org/anthology/D17-1063 Code: https: 阅读全文
摘要:
ReNet: A Recurrent Neural Network Based Alternative to Convolutional Networks2018-03-05 11:13:05 1. 引言: 本文尝试用 基于四个方向的 RNN 来替换掉 CNN中的 convolutional lay 阅读全文
摘要:
A Review on Deep Learning Techniques Applied to Semantic Segmentation 2018-02-22 10:38:12 1. Introduction: 语义分割是计算机视觉当中非常重要的一个课题,其广泛的应用于各种类型的数据,如:2D i 阅读全文
该文被密码保护。 阅读全文
该文被密码保护。 阅读全文
摘要:
深度学习课程笔记(十二) Matrix Capsule with EM Routing 2018-02-02 21:21:09 Paper: https://openreview.net/pdf/99b7cb0c78706ad8e91c13a2242bb15b7de325ad.pdf Blog: h 阅读全文
摘要:
Spatial Temporal Graph Convolutional Networks for Skeleton-Based Action Recognition 2018-01-28 15:45:13 研究背景和动机: 行人动作识别(Human Action Recognition)主要从多个 阅读全文
摘要:
关于视觉跟踪中评价标准的相关记录(The Evaluation of Visual Tracking Results on OTB-100 Dataset) 2018-01-22 21:49:17 Benchmark website:http://cvlab.hanyang.ac.kr/tracke 阅读全文
摘要:
Learning Convolutional Neural Networks for Graphs 2018-01-17 21:41:57 【Introduction】 这篇 paper 是发表在 ICML 2016 的:http://jmlr.org/proceedings/papers/v48/ 阅读全文
摘要:
Semi-supervised Classification with Graph Convolutional Networks 2018-01-16 22:33:36 1. 文章主要思想: 2. 代码实现(Pytorch):https://github.com/tkipf/pygcn 【Intro 阅读全文
摘要:
分布式强化学习基础概念(Distributional RL) from: https://mtomassoli.github.io/2017/12/08/distributional_rl/ 1. Q-learning 在 Q-learning 中,我们想要优化如下的 loss: Distribut 阅读全文
该文被密码保护。 阅读全文
摘要:
Matconvnet 的一些记录 Example code from ADNet: Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning [Paper] GitHub:https://github. 阅读全文
该文被密码保护。 阅读全文
该文被密码保护。 阅读全文
该文被密码保护。 阅读全文
摘要:
Deep Meta Learning for Real-Time Visual Tracking based on Target-Specific Feature Space 2018-01-04 15:58:15 Paper: https://arxiv.org/pdf/1712.09153.pd 阅读全文
摘要:
Learning to Learn Chelsea Finn Jul 18, 2017 Learning to Learn Chelsea Finn Jul 18, 2017 A key aspect of intelligence is versatility – the capability o 阅读全文
摘要:
一文读懂 深度强化学习算法 A3C (Actor-Critic Algorithm) 2017-12-25 16:29:19 对于 A3C 算法感觉自己总是一知半解,现将其梳理一下,记录在此,也给想学习的小伙伴一个参考。 想要认识清楚这个算法,需要对 DRL 的算法有比较深刻的了解,推荐大家先了解下 阅读全文
摘要:
深度强化学习的18个关键问题 from: https://zhuanlan.zhihu.com/p/32153603 85 人赞了该文章 深度强化学习的问题在哪里?未来怎么走?哪些方面可以突破? 这两天我阅读了两篇篇猛文A Brief Survey of Deep Reinforcement Lea 阅读全文
摘要:
Graph Convolutional Networks 2018-01-16 19:35:17 this Tutorial comes from YouTube Video:https://www.youtube.com/watch?v=0_O8PdZBc5s&t=2097s 之所以这个方面的研究 阅读全文
该文被密码保护。 阅读全文
摘要:
ResNet, AlexNet, VGG, Inception: Understanding various architectures of Convolutional Networks by KOUSTUBH this blog from: http://cv-tricks.com/cnn/un 阅读全文
摘要:
深度学习课程笔记(七):模仿学习(imitation learning) 2017.12.10 本文所涉及到的 模仿学习,则是从给定的展示中进行学习。机器在这个过程中,也和环境进行交互,但是,并没有显示的得到 reward。在某些任务上,也很难定义 reward。如:自动驾驶,撞死一人,reward 阅读全文
该文被密码保护。 阅读全文
该文被密码保护。 阅读全文
摘要:
Heterogeneous Face Attribute Estimation: A Deep Multi-Task Learning Approach 2017.11.28 Introduction: 人脸属性的识别在社会交互,提供了非常广泛的信息,包括:the person’s identity 阅读全文