• Stars
    star
    153
  • Rank 241,929 (Top 5 %)
  • Language
    Python
  • License
    Apache License 2.0
  • Created about 6 years ago
  • Updated over 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

图像中文描述+视觉注意力

图像中文描述

图像中文描述 + 视觉注意力的 PyTorch 实现。

Show, Attend, and Tell 是令人惊叹的工作,这里是作者的原始实现。

这个模型学会了“往哪瞅”:当模型逐词生成标题时,模型的目光在图像上移动以专注于跟下一个词最相关的部分。

依赖

  • Python 3.5
  • PyTorch 0.4

数据集

使用 AI Challenger 2017 的图像中文描述数据集,包含30万张图片,150万句中文描述。训练集:210,000 张,验证集:30,000 张,测试集 A:30,000 张,测试集 B:30,000 张。

image

下载点这里:图像中文描述数据集,放在 data 目录下。

网络结构

image

用法

数据预处理

提取210,000 张训练图片和30,000 张验证图片:

$ python pre_process.py

训练

$ python train.py

可视化训练过程,执行:

$ tensorboard --logdir path_to_current_dir/logs

演示

下载 预训练模型 放在 models 目录,然后执行:

$ python demo.py
原图 注意力
image
image
image
image
image
image
image
image
image
image

小小的赞助~

Sample

若对您有帮助可给予小小的赞助~




More Repositories

1

Deep-Image-Matting

Deep Image Matting
Python
931
star
2

Deep-Image-Matting-PyTorch

Deep Image Matting implementation in PyTorch
Python
816
star
3

Car-Recognition

Car Recognition with Deep Learning
Python
328
star
4

InsightFace-v2

PyTorch implementation of Additive Angular Margin Loss for Deep Face Recognition.
Python
323
star
5

InsightFace-PyTorch

PyTorch implementation of Additive Angular Margin Loss for Deep Face Recognition.
Python
193
star
6

Machine-Translation

中英机器文本翻译
Python
129
star
7

Self-Attention-Keras

自注意力与文本分类
Python
119
star
8

Sentiment-Analysis

细粒度用户评论情感分析
Python
115
star
9

Speech-Transformer

PyTorch re-implementation of Speech-Transformer
Python
98
star
10

Image-Captioning

图像中文描述
Jupyter Notebook
85
star
11

Transformer

英中文本机器翻译的
Python
84
star
12

Look-Into-Person

This repository is to do Human Parsing with SegNet.
Python
83
star
13

Autoencoder

Convolutional Autoencoder with SetNet in PyTorch
Python
83
star
14

Tacotron2-Mandarin

PyTorch reimplementation of Tacotron2 in Mandarin
Python
77
star
15

Age-and-Gender

同时识别年龄与性别
Python
75
star
16

MobileFaceNet

PyTorch implementation of MobileFaceNets
Python
75
star
17

Scene-Classification

微调 Inception-ResNet-V2, 解决 AI Challenger 2017 场景分类问题。
Python
72
star
18

Mobile-Image-Matting

a lightweight image matting model
Python
66
star
19

Face-Alignment

Face alignment with similarity transform based on MTCNN and RetinaFace.
Python
64
star
20

FaceNet

Face recognition using Keras
Python
60
star
21

Machine-Translation-v2

英中机器文本翻译
Python
53
star
22

Face-Attributes-Mobile

Regress Face Attributes with MobileNetV2
Python
40
star
23

Listen-Attend-Spell-v2

PyTorch implementation of Listen Attend and Spell Automatic Speech Recognition (ASR).
Shell
38
star
24

Facial-Expression-Prediction

Facial Expression Prediction with Deep Learning
Python
31
star
25

Crop-Disease-Detection

AI Challenger 2018 农作物病害检测
Python
29
star
26

Colorful-Image-Colorization

This is a keras implementation of paper Colorful Image Colorization.
Python
27
star
27

Look-Into-Person-PyTorch

Human Parsing with DeepLabv3 in PyTorch.
Python
27
star
28

Scene-Understanding

室内语义分割
Python
27
star
29

Zero-Shot-Learning

零样本学习
Python
25
star
30

InsightFace

复现 ArcFace 论文
Python
22
star
31

Conv-Autoencoder

Convolutional Autoencoder
Python
22
star
32

Reading-Comprehension

DMN+ 模型的PyTorch 实现(中文数据集)
Python
21
star
33

Transformer-v2

英中文本机器翻译
Python
19
star
34

MobileFaceNet-PyTorch

PyTorch implementation of MobileFaceNets
Python
18
star
35

Language-Model

基于 PyTorch 范例 实现中文语言模型。
Python
16
star
36

Speaker-Embeddings

PyTorch implementation of a self-attentive speaker embedding
Python
16
star
37

Think-Bayes

贝叶斯思维
Python
15
star
38

Super-Resolution-Net

SRNet 的 Keras 实现
Python
15
star
39

MDSR

MDSR 的 Keras 实现
Python
14
star
40

EAST

EAST: An Efficient and Accurate Scene Text Detector.
C++
14
star
41

Video-Matching

视频匹配
Python
13
star
42

Keypoints

Person Keypoint Detection in PyTorch
Python
13
star
43

Chatbot

聊天机器人
Python
13
star
44

Neural-Style-Transfer

图像风格迁移
Python
10
star
45

3D-Object-Detection

Indoor Semantic Segmentation
Python
10
star
46

Face-Attributes

Deep Face Attributes
Python
9
star
47

Gaze-Estimation

Estimating human gaze from natural eye images.
Python
9
star
48

Car-Recognition-PyTorch

Python
9
star
49

hackathon-ocw

hackathon-ocw
Python
8
star
50

HomographyNet

estimate the relative homography between a pair of images
Python
8
star
51

Chatbot-v2

聊天机器人
Python
7
star
52

TwinsOrNot

Twins Or Not 测试人脸相似度
Python
7
star
53

Listen-Attend-Spell

PyTorch implementation of Listen Attend and Spell Automatic Speech Recognition (ASR).
Python
6
star
54

GST-Tacotron-v2

PyTorch implementation of Style Tokens
Python
6
star
55

CRNN-v2

PyTorch re-implementation of CRNN
Python
6
star
56

Class-Rebalancing

分类问题中数量不均衡造成的影响和解决之道
Python
6
star
57

EAST-v2

EAST trained on COCO-Text
C++
6
star
58

CRNN

PyTorch re-implementation of CRNN: Convolutional Recurrent Neural Network
Python
6
star
59

SegNet

CVPR 2018 WAD Video Segmentation Challenge with SegNet
Python
6
star
60

Fundus_Lesion2018

眼底病变自动分割
Python
5
star
61

GNN-Tutorial-Recsys2015

RecSys Challenge 2015
Python
5
star
62

Visual-Question-Answering

This is an PyTorch implementation of DMN+ model on MSCOCO VQA dataset.
Python
5
star
63

MobileFaceNet-Grayscale

MobileFaceNets trained with grayscale images
Python
5
star
64

Facial-Expression-Prediction-v2

Facial Expression Prediction
Python
5
star
65

Gaze

Real-Time Video Analytics Service Platform
Python
4
star
66

Hanging-Company-Logo

水牌识别
Python
4
star
67

NComputerVision

NComputerVision is a fast computer vision algorithm library written in C#.
C#
3
star
68

Image-Matching

框架图像识别
Python
3
star
69

YOLO-Face-Detection

Python
3
star
70

Hello-SMPL

Python
3
star
71

Invisibility-Cloak

隐身斗篷
Python
3
star
72

FaceNet-v2

Python
3
star
73

SHALE

Python
3
star
74

RetinafaceWrapper

a wrapper of https://github.com/biubug6/Pytorch_Retinaface
Python
3
star
75

MTCNN

MTCNN 论文预测部分的 PyTorch 实现
Python
3
star
76

DeepRankIQA

Python
3
star
77

Image-Quality-Assessment

Python
3
star
78

3DDFA

Python
2
star
79

Complex-Analysis

Visual Complex Analysis
Jupyter Notebook
2
star
80

Mobile-Image-Colorization

Python
2
star
81

StyleGAN-PyTorch

Python
2
star
82

Convex-Optimization

Python
2
star
83

NWebCrawler

C#
2
star
84

DeepIQA

Python
2
star
85

Semantic-Segmentation

A Comparative Study of Semantic Segmentation
Python
2
star
86

facesdk

A python package for face analysis.
Python
2
star
87

Tacotron2-Khmer

Python
2
star
88

Image-Inpainting

基于反卷积网络实现图像补绘
Python
2
star
89

GST-Tacotron-Uyghur

Python
1
star
90

Short-Text-Similarity

Python
1
star
91

Beta-Distribution

Python
1
star
92

Gaze-Estimation-MPIIGaze

Python
1
star
93

Baidu-Segmentation-Test

Python
1
star
94

Simple-Captioning

Bare minimal code to run image captioning demo.
Python
1
star
95

Star-Recognition

明星人脸识别
Python
1
star
96

Dynamic-Memory-Network-Plus

A Pytorch implementation of Dynamic memory Network Plus
Python
1
star
97

RetinaFace

Python
1
star
98

Pointcloud-Classifier

Pointcloud classification with kaolin
Python
1
star
99

Griffin-Lim

Python
1
star
100

Remove-Forged

Python
1
star