Classification / Recognition
转载 https://handong1587.github.io/deep_learning/2015/10/09/recognition.html#facenet
Classification / Recognition
- Papers
- Multi-object Recognition
- Multi-Label Classification
- Face Recognition
- Person Recognition
- Fine-grained Recognition
- Food Recognition
- Attribute Recognition
- Instrument Recognition
- Clothes Recognition
- Star-galaxy Classification
- Logo Recognition
- Plant Classification
- Scene Recognition / Scene Classification
- Blogs
Papers
DeCAF: A Deep Convolutional Activation Feature for Generic Visual Recognition
- auothor: Jeff Donahue, Yangqing Jia, Oriol Vinyals, Judy Hoffman, Ning Zhang, Eric Tzeng, Trevor Darrell
- arxiv: http://arxiv.org/abs/1310.1531
CNN Features off-the-shelf: an Astounding Baseline for Recognition
- intro: CVPR 2014
- arxiv: http://arxiv.org/abs/1403.6382
HD-CNN: Hierarchical Deep Convolutional Neural Network for Image Classification
HD-CNN: Hierarchical Deep Convolutional Neural Network for Large Scale Visual Recognition
- intro: ICCV 2015
- intro: introduce hierarchical deep CNNs (HD-CNNs) by embedding deep CNNs into a category hierarchy
- project page: https://sites.google.com/site/homepagezhichengyan/home/hdcnn
- arxiv: https://arxiv.org/abs/1410.0736
- code: https://sites.google.com/site/homepagezhichengyan/home/hdcnn/code
- github: https://github.com/stephenyan1231/caffe-public/tree/hdcnn
Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification
- intro: ImageNet top-5 error: 4.94%
- arxiv: http://arxiv.org/abs/1502.01852
- notes: http://blog.csdn.net/happynear/article/details/45440811
Humans and deep networks largely agree on which kinds of variation make object recognition harder
- arxiv: http://arxiv.org/abs/1604.06486
- review: https://www.technologyreview.com/s/601387/why-machine-vision-is-flawed-in-the-same-way-as-human-vision/
FusionNet: 3D Object Classification Using Multiple Data Representations
From image recognition to object recognition
Deep FisherNet for Object Classification
Factorized Bilinear Models for Image Recognition
- intro: TuSimple
- arxiv: https://arxiv.org/abs/1611.05709
- github(MXNet): https://github.com/lyttonhao/Factorized-Bilinear-Network
Hyperspectral CNN Classification with Limited Training Samples
The More You Know: Using Knowledge Graphs for Image Classification
- intro: CMU. GSNN
- arxiv: https://arxiv.org/abs/1612.04844
MaxMin Convolutional Neural Networks for Image Classification
- paper: http://webia.lip6.fr/~thomen/papers/Blot_ICIP_2016.pdf
- github: https://github.com/karandesai-96/maxmin-cnn
Cost-Effective Active Learning for Deep Image Classification
- intro: TCSVT 2016. Sun Yat-sen University & Guangzhou University
- arxiv: https://arxiv.org/abs/1701.03551
Deep Collaborative Learning for Visual Recognition
https://www.arxiv.org/abs/1703.01229
Convolutional Low-Resolution Fine-Grained Classification
https://arxiv.org/abs/1703.05393
Deep Mixture of Diverse Experts for Large-Scale Visual Recognition
https://arxiv.org/abs/1706.07901
Sunrise or Sunset: Selective Comparison Learning for Subtle Attribute Recognition
- intro: BMVC 2017
- arxiv: https://arxiv.org/abs/1707.06335
Why Do Deep Neural Networks Still Not Recognize These Images?: A Qualitative Analysis on Failure Cases of ImageNet Classification
- intro: Poster presented at CVPR 2017 Scene Understanding Workshop
- arxiv: https://arxiv.org/abs/1709.03439
B-CNN: Branch Convolutional Neural Network for Hierarchical Classification
https://arxiv.org/abs/1709.09890
Multi-object Recognition
Multiple Object Recognition with Visual Attention
- keyword: deep recurrent neural network, reinforcement learning
- arxiv: https://arxiv.org/abs/1412.7755
- github: https://github.com/jrbtaylor/visual-attention
Multiple Instance Learning Convolutional Neural Networks for Object Recognition
- intro: ICPR 2016 Oral
- arxiv: https://arxiv.org/abs/1610.03155
Multi-Label Classification
Learning Spatial Regularization with Image-level Supervisions for Multi-label Image Classification
- intro: CVPR 2017. University of Science and Technology of China & CUHK
- arxiv: https://arxiv.org/abs/1702.05891
- github(official. Caffe): https://github.com/zhufengx/SRN_multilabel/
Order-Free RNN with Visual Attention for Multi-Label Classification
https://arxiv.org/abs/1707.05495
Face Recognition
DeepID
Deep Learning Face Representation from Predicting 10,000 Classes
- intro: CVPR 2014
- paper: http://mmlab.ie.cuhk.edu.hk/pdf/YiSun_CVPR14.pdf
- github: https://github.com/stdcoutzyx/DeepID_FaceClassify
DeepID2
Deep Learning Face Representation by Joint Identification-Verification
- paper: http://papers.nips.cc/paper/5416-analog-memories-in-a-balanced-rate-based-network-of-e-i-neurons
基于Caffe的DeepID2实现
DeepID2+
Deeply learned face representations are sparse, selective, and robust
- arxiv: http://arxiv.org/abs/1412.1265
- video: http://research.microsoft.com/apps/video/?id=260023
- mirror: http://pan.baidu.com/s/1boufl3x
MobileID
MobileID: Face Model Compression by Distilling Knowledge from Neurons
- intro: AAAI 2016 Oral. CUHK
- intro: MobileID is an extremely fast face recognition system by distilling knowledge from DeepID2
- project page: http://personal.ie.cuhk.edu.hk/~lz013/projects/MobileID.html
- paper: http://personal.ie.cuhk.edu.hk/~pluo/pdf/aaai16-face-model-compression.pdf
- github: https://github.com/liuziwei7/mobile-id
DeepFace
DeepFace: Closing the Gap to Human-Level Performance in Face Verification
- intro: CVPR 2014. Facebook AI Research
- paper: https://www.cs.toronto.edu/~ranzato/publications/taigman_cvpr14.pdf
- slides: http://valse.mmcheng.net/ftp/20141126/MingYang.pdf
- github: https://github.com/RiweiChen/DeepFace
Deep Face Recognition
- intro: BMVC 2015
- paper: http://www.robots.ox.ac.uk/~vgg/publications/2015/Parkhi15/parkhi15.pdf
- homepage: http://www.robots.ox.ac.uk/~vgg/software/vgg_face/
- github(Keras): https://github.com/rcmalli/keras-vggface
FaceNet
FaceNet: A Unified Embedding for Face Recognition and Clustering
- intro: Google. CVPR 2015
- arxiv: http://arxiv.org/abs/1503.03832
- github(Tensorflow): https://github.com/davidsandberg/facenet
- github(Caffe): https://github.com/hizhangp/triplet
Real time face detection and recognition
- intro: Real time face detection and recognition base on opencv/tensorflow/mtcnn/facenet
- github: https://github.com/shanren7/real_time_face_recognition
Targeting Ultimate Accuracy: Face Recognition via Deep Embedding
- intro: CVPR 2015
- arxiv: http://arxiv.org/abs/1506.07310
Learning Robust Deep Face Representation
A Light CNN for Deep Face Representation with Noisy Labels
- arxiv: https://arxiv.org/abs/1511.02683
- github: https://github.com/AlfredXiangWu/face_verification_experiment
Pose-Aware Face Recognition in the Wild
Triplet Probabilistic Embedding for Face Verification and Clustering
- intro: Oral Paper in BTAS 2016; NVIDIA Best paper Award
- arxiv: https://arxiv.org/abs/1604.05417
- github(Keras): https://github.com/meownoid/face-identification-tpe
Recurrent Regression for Face Recognition
A Discriminative Feature Learning Approach for Deep Face Recognition
- intro: ECCV 2016
- intro: center loss
- paper: http://ydwen.github.io/papers/WenECCV16.pdf
- github: https://github.com/ydwen/caffe-face
- github: https://github.com/pangyupo/mxnet_center_loss
How Image Degradations Affect Deep CNN-based Face Recognition?
VIPLFaceNet / SeetaFace Engine
VIPLFaceNet: An Open Source Deep Face Recognition SDK
SeetaFace Engine
- intro: SeetaFace Engine is an open source C++ face recognition engine, which can run on CPU with no third-party dependence.
- github: https://github.com/seetaface/SeetaFaceEngine
A Discriminative Feature Learning Approach for Deep Face Recognition
- intro: ECCV 2016
- paper: http://ydwen.github.io/papers/WenECCV16.pdf
Sparsifying Neural Network Connections for Face Recognition
Range Loss for Deep Face Recognition with Long-tail
Hybrid Deep Learning for Face Verification
- intro: TPAMI 2016. CNN+RBM
- paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTpami16.pdf
Towards End-to-End Face Recognition through Alignment Learning
- intro: Tsinghua University
- arxiv: https://arxiv.org/abs/1701.07174
Multi-Task Convolutional Neural Network for Face Recognition
NormFace: L2 Hypersphere Embedding for Face Verification
SphereFace: Deep Hypersphere Embedding for Face Recognition
- intro: CVPR 2017
- arxiv: http://wyliu.com/papers/LiuCVPR17.pdf
- github: https://github.com/wy1iu/sphereface
- demo: http://v-wb.youku.com/v_show/id_XMjk3NTc1NjMxMg==.html
L2-constrained Softmax Loss for Discriminative Face Verification
https://arxiv.org/abs/1703.09507
Low Resolution Face Recognition Using a Two-Branch Deep Convolutional Neural Network Architecture
- intro: Amirkabir University of Technology & MIT
- arxiv: https://arxiv.org/abs/1706.06247
Enhancing Convolutional Neural Networks for Face Recognition with Occlusion Maps and Batch Triplet Loss
https://arxiv.org/abs/1707.07923
Model Distillation with Knowledge Transfer in Face Classification, Alignment and Verification
https://arxiv.org/abs/1709.02929
Improving Heterogeneous Face Recognition with Conditional Adversarial Networks
https://arxiv.org/abs/1709.02848
Face Sketch Matching via Coupled Deep Transform Learning
- intro: ICCV 2017
- arxiv: https://arxiv.org/abs/1710.02914
Video Face Recognition
Attention-Set based Metric Learning for Video Face Recognition
https://arxiv.org/abs/1704.03805
Projects
Using MXNet for Face-related Algorithm
clmtrackr: Javascript library for precise tracking of facial features via Constrained Local Models
- github: https://github.com/auduno/clmtrackr
- blog: http://auduno.com/post/61888277175/fitting-faces
- demo: http://auduno.github.io/clmtrackr/examples/facesubstitution.html
- demo: http://auduno.github.io/clmtrackr/face_deformation_video.html
- demo: http://auduno.github.io/clmtrackr/examples/clm_emotiondetection.html
- demo: http://auduno.com/post/84214587523/twisting-faces
DeepLogo
- intro: A brand logo recognition system using deep convolutional neural networks.
- github: https://github.com/satojkovic/DeepLogo
Deep-Leafsnap
- intro: LeafSnap replicated using deep neural networks to test accuracy compared to traditional computer vision methods.
- github: https://github.com/sujithv28/Deep-Leafsnap
OpenFace
OpenFace: Face Recognition with Deep Neural Networks
- homepage: http://cmusatyalab.github.io/openface/
- github: https://github.com/cmusatyalab/openface
- github: https://github.com/aybassiouny/OpenFaceCpp
OpenFace 0.2.0: Higher accuracy and halved execution time
OpenFace: A general-purpose face recognition library with mobile applications
FaceVerification: An Experimental Implementation of Face Verification, 96.8% on LFW
OpenFace: an open source facial behavior analysis toolkit
- intro: a state-of-the art open source tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.
- github: https://github.com/TadasBaltrusaitis/OpenFace
Resources
Face-Resources
Person Recognition
Learning Deep Features via Congenerous Cosine Loss for Person Recognition
Person Recognition in Social Media Photos
https://arxiv.org/abs/1710.03224
Fine-grained Recognition
Bilinear CNN Models for Fine-grained Visual Recognition
- intro: ICCV 2015
- homepage: http://vis-www.cs.umass.edu/bcnn/
- paper: http://vis-www.cs.umass.edu/bcnn/docs/bcnn_iccv15.pdf
- arxiv: http://arxiv.org/abs/1504.07889
- bitbucket: https://bitbucket.org/tsungyu/bcnn.git
Fine-grained Image Classification by Exploring Bipartite-Graph Labels
- intro: CVPR 2016
- project page: http://www.f-zhou.com/fg.html
- arxiv: http://arxiv.org/abs/1512.02665
- demo: http://www.f-zhou.com/fg_demo/
Embedding Label Structures for Fine-Grained Feature Representation
- intro: CVPR 2016
- arxiv: http://arxiv.org/abs/1512.02895
- paper: http://webpages.uncc.edu/~szhang16/paper/CVPR16_structured_labels.pdf
Fine-grained Categorization and Dataset Bootstrapping using Deep Metric Learning with Humans in the Loop
Fully Convolutional Attention Localization Networks: Efficient Attention Localization for Fine-Grained Recognition
Localizing by Describing: Attribute-Guided Attention Localization for Fine-Grained Recognition
Learning Deep Representations of Fine-grained Visual Descriptions
- intro: CVPR 2016
- arxiv: http://arxiv.org/abs/1605.05395
- github: https://github.com/reedscot/cvpr2016
IDNet: Smartphone-based Gait Recognition with Convolutional Neural Networks
Picking Deep Filter Responses for Fine-grained Image Recognition
- intro: CVPR 2016
SPDA-CNN: Unifying Semantic Part Detection and Abstraction for Fine-grained Recognition
- intro: CVPR 2016
Part-Stacked CNN for Fine-Grained Visual Categorization
- intro: CVPR 2016
Fine-grained Recognition in the Noisy Wild: Sensitivity Analysis of Convolutional Neural Networks Approaches
- intro: BMVC 2016
- arxiv: https://arxiv.org/abs/1610.06756
Low-rank Bilinear Pooling for Fine-Grained Classification
- intro: CVPR 2017
- project page: http://www.ics.uci.edu/~skong2/lr_bilinear.html
- arxiv: https://arxiv.org/abs/1611.05109
- github: https://github.com/aimerykong/Low-Rank-Bilinear-Pooling
细粒度图像分析
- intro: by 吴建鑫, NJU. VALSE 2017 Annual Progress Review Series
- slides: http://mac.xmu.edu.cn/valse2017/ppt/APR/wjx_APR.pdf
Look Closer to See Better: Recurrent Attention Convolutional Neural Network for Fine-grained Image Recognition
- intro: CVPR 2017
- paper: http://openaccess.thecvf.com/content_cvpr_2017/papers/Fu_Look_Closer_to_CVPR_2017_paper.pdf
Fine-grained Recognition in the Wild: A Multi-Task Domain Adaptation Approach
- intro: ICCV 2017
- arxiv: https://arxiv.org/abs/1709.02476
Where to Focus: Deep Attention-based Spatially Recurrent Bilinear Networks for Fine-Grained Visual Recognition
https://arxiv.org/abs/1709.05769
Food Recognition
DeepFood: Deep Learning-Based Food Image Recognition for Computer-Aided Dietary Assessment
Im2Calories: towards an automated mobile vision food diary
- intro: recognize the contents of your meal from a single image, then predict its nutritional contents, such as calories
- paper: http://www.cs.ubc.ca/~murphyk/Papers/im2calories_iccv15.pdf
Food Image Recognition by Using Convolutional Neural Networks (CNNs)
Wide-Slice Residual Networks for Food Recognition
Food Classification with Deep Learning in Keras / Tensorflow
- blog: http://blog.stratospark.com/deep-learning-applied-food-classification-deep-learning-keras.html
- github: https://github.com/stratospark/food-101-keras
ChineseFoodNet: A large-scale Image Dataset for Chinese Food Recognition
https://arxiv.org/abs/1705.02743
Computer vision-based food calorie estimation: dataset, method, and experiment
https://arxiv.org/abs/1705.07632
Deep Learning-Based Food Calorie Estimation Method in Dietary Assessment
https://arxiv.org/abs/1706.04062
Food Ingredients Recognition through Multi-label Learning
https://arxiv.org/abs/1707.08816
FoodNet: Recognizing Foods Using Ensemble of Deep Networks
- intro: IEEE Signal Processing Letters
- arxiv: https://arxiv.org/abs/1709.09429
Attribute Recognition
Multi-attribute Learning for Pedestrian Attribute Recognition in Surveillance Scenarios
- keywords: DeepSAR / DeepMAR
- paper: http://or.nsfc.gov.cn/bitstream/00001903-5/417802/1/1000014103914.pdf
- github: https://github.com/kyu-sz/DeepMAR_deploy
Robust Pedestrian Attribute Recognition for an Unbalanced Dataset using Mini-batch Training with Rarity Rate
- intro: Intelligent Vehicles Symposium 2016. Chubu University & Nagoya University, Japan
- paper: http://www.vision.cs.chubu.ac.jp/MPRG/C_group/C081_fukui2016.pdf
Multi-task CNN Model for Attribute Prediction
- intro: ieee transaction paper
- arxiv: https://arxiv.org/abs/1601.00400
Attributes for Improved Attributes: A Multi-Task Network for Attribute Classification
https://arxiv.org/abs/1604.07360
Weakly-supervised Learning of Mid-level Features for Pedestrian Attribute Recognition and Localization
Generative Adversarial Models for People Attribute Recognition in Surveillance
- intro: AVSS 2017 oral
- arxiv: https://arxiv.org/abs/1707.02240
A Jointly Learned Deep Architecture for Facial Attribute Analysis and Face Detection in the Wild
https://arxiv.org/abs/1707.08705
A Deep Cascade Network for Unaligned Face Attribute Classification
https://arxiv.org/abs/1709.03851
Attribute Recognition by Joint Recurrent Learning of Context and Correlation
- intro: ICCV 2017
- arxiv: https://arxiv.org/abs/1709.08553
Instrument Recognition
Automatic Instrument Recognition in Polyphonic Music Using Convolutional Neural Networks
Musical Instrument Recognition
Deep Convolutional Networks on the Pitch Spiral for Musical Instrument Recognition
- paper: https://github.com/lostanlen/ismir2016/blob/master/paper/lostanlen_ismir2016.pdf
- github: https://github.com/lostanlen/ismir2016
Clothes Recognition
DeepFashion: Powering Robust Clothes Recognition and Retrieval with Rich Annotations
- intro: CVPR 2016. FashionNet
- project page: http://personal.ie.cuhk.edu.hk/~lz013/projects/DeepFashion.html
- paper: http://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Liu_DeepFashion_Powering_Robust_CVPR_2016_paper.pdf
Multi-Task Curriculum Transfer Deep Learning of Clothing Attributes
Star-galaxy Classification
Star-galaxy Classification Using Deep Convolutional Neural Networks
- intro: MNRAS
- arxiv: http://arxiv.org/abs/1608.04369
- github: https://github.com/EdwardJKim/dl4astro
Logo Recognition
Deep Learning for Logo Recognition
Plant Classification
Large-Scale Plant Classification with Deep Neural Networks
- intro: Published at Proocedings of ACM Computing Frontiers Conference 2017
- arxiv: https://arxiv.org/abs/1706.03736
Scene Recognition / Scene Classification
Learning Deep Features for Scene Recognition using Places Database
- paper: http://places.csail.mit.edu/places_NIPS14.pdf
- gihtub: https://github.com/metalbubble/places365
Using neon for Scene Recognition: Mini-Places2
- intro: This is an implementation of the deep residual network used for Mini-Places2 as described in He et. al., “Deep Residual Learning for Image Recognition”.
- blog: http://www.nervanasys.com/using-neon-for-scene-recognition-mini-places2/
- github: https://github.com/hunterlang/mpmz
Scene Classification with Inception-7
Semantic Clustering for Robust Fine-Grained Scene Recognition
Leaderboard
Leaderboard of Places Database
- intro: currently rank1: Qian Zhang(Beijing Samsung Telecom R&D Center), 0.6410@top1, 0.9065@top5
- homepage: http://places.csail.mit.edu/user/leaderboard.php
Blogs
What is the class of this image ? - Discover the current state of the art in objects classification
- intro: “Discover the current state of the art in objects classification.”
- intro: MNIST, CIFAR-10, CIFAR-100, STL-10, SVHN, ILSVRC2012 task 1
- blog: http://rodrigob.github.io/are_we_there_yet/build/classification_datasets_results.html
Object Recognition with Convolutional Neural Networks in the Keras Deep Learning Library
The Effect of Resolution on Deep Neural Network Image Classification Accuracy
Classification / Recognition的更多相关文章
- Deep Learning Papers
一.Image Classification(Recognition) lenet: http://yann.lecun.com/exdb/publis/pdf/lecun-01a.pdf alexn ...
- caffe 学习(1) —— Classification: Instant Recognition with Caffe
学习地址http://nbviewer.jupyter.org/github/BVLC/caffe/blob/master/examples/00-classification.ipynb 1.安装m ...
- 论文阅读(Lukas Neuman——【ICDAR2015】Efficient Scene Text Localization and Recognition with Local Character Refinement)
Lukas Neuman--[ICDAR2015]Efficient Scene Text Localization and Recognition with Local Character Refi ...
- Pattern Recognition And Machine Learning读书会前言
读书会成立属于偶然,一次群里无聊到极点,有人说Pattern Recognition And Machine Learning这本书不错,加之有好友之前推荐过,便发了封群邮件组织这个读书会,采用轮流讲 ...
- 《ImageNet Classification with Deep Convolutional Neural Networks》 剖析
<ImageNet Classification with Deep Convolutional Neural Networks> 剖析 CNN 领域的经典之作, 作者训练了一个面向数量为 ...
- 自然语言18_Named-entity recognition
https://en.wikipedia.org/wiki/Named-entity_recognition http://book.51cto.com/art/201107/276852.htm 命 ...
- [ML] Naive Bayes for Text Classification
TF-IDF Algorithm From http://www.ruanyifeng.com/blog/2013/03/tf-idf.html Chapter 1, 知道了"词频" ...
- Support Vector Machines for classification
Support Vector Machines for classification To whet your appetite for support vector machines, here’s ...
- 论文笔记之:Multiple Object Recognition With Visual Attention
Multiple Object Recognition With Visual Attention Google DeepMind ICRL 2015 本文提出了一种基于 attention 的用 ...
随机推荐
- hdu 3065 AC自动机模版题
题意:输出每个模式串出现的次数,查询的时候呢使用一个数组进行记录就好. 同上题一样的关键点,其他没什么难度了. #include <cstdio> #include <cstring ...
- 利用JqGrid结合ashx显示列表之一
最近项目决定运用JqGrid列表控件显示相关数据,以前接触比较多还是easyui和Ext.Net的列表控件,文章简单写的小实例进行一个总结: 1:引入相关的JS及CSS文件,JqGrid目前可以利用J ...
- 物联网通信 - RESTDemo示例程序
概述 Server开放RESTful API接口,供应用程序/移动App/嵌入式qt通过http post调用,实现获取服务端数据,更新服务器数据 详细 代码下载:http://www.demodas ...
- ADBport被占用,adb server is out of date
wd=adb&tn=44039180_cpr&fenlei=mv6quAkxTZn0IZRqIHckPjm4nH00T1YdPWD1uyP-PHf1ryRYP1Nh0ZwV5Hcvrj ...
- 【C++】全排列
给定正整数n,求1,2,3,...,n的全排列 解法一:递归,结果并不为字母序排列. void Helper(vector<int> v, int low, int high) { if( ...
- Oracle 10g 数据库的备份和还原
一.备份数据库 1.在图形工具中,如sqldeveloper,pl/sqldeveloper用以下这句查找空表 select 'alter table '||table_name||' allocat ...
- PCI-Express协议传输层读书笔记
http://www.doczj.com/doc/35cb19633169a4517723a3d9-9.html
- CXF学习笔记 之 “注解”
@WebService 1.serviceName: 对外发布的服务名,指定 Web Service 的服务名称:wsdl:service.缺省值为 Java 类的简单名称 + Service.(字符 ...
- Ownerdrawn ComboBox
[ToolboxBitmap(typeof(ComboBox))] class ComboBoxEx : ComboBox { public ComboBoxEx() { this.DrawMode ...
- Nginx、PCRE和中文URL(UTF8编码)rewrite路径重写匹配问题
最近遇到了使用Nginx 重写中文UTF8编码路径的问题. 才发现默认情况下Nginx的rewrite是不支持UTF8匹配的. 比如: rewrite ^/(..)$ /2个字符文章.html bre ...