Pinned Repositories
ACPD-Net
Aesthetic-Aessessment
use CNN to classificate aesthetic image quality
Awesome-Aesthetic-Evaluation-and-Cropping
ConvNeXt
Code release for ConvNeXt model
DMP
Deep Multi Patch Aggregation
MILNet
Multiple image joint learning for image aesthetic assessment
mmdetection
Open MMLab Detection Toolbox and Benchmark
ObjectDatasetTools
Tools to create pixel-wise object masks, bounding box labels (2D and 3D) and 3D object model (PLY triangle mesh) for object sequences filmed with an RGB-D camera. This project prepares training and testing data for various deep learning projects such as 6D object pose estimation projects singleshotpose, as well as object detection and instance segmentation projects.
pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2/V1, MNASNet, Single-Path NAS, FBNet, and more
show-adapt-and-tell
Code for "Show, Adapt and Tell: Adversarial Training of Cross-domain Image Captioner" in ICCV 2017
flyingbird93's Repositories
flyingbird93/adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
flyingbird93/AestheticAssessment
A simple structure and implementation of photo quality assessment from aesthetic point of view. Implemented in 2015.
flyingbird93/aesthetics
Image Aesthetics Toolkit - includes Fisher Vector implementation, AVA (Image Aesthetic Visual Analysis) dataset and fast multi-threaded downloader
flyingbird93/aestheticsPerception
Deep CNN for image aesthetic perception
flyingbird93/AI_Challenger
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world.
flyingbird93/cama_summer_class_2017
杭电 CAMA-LAB 机器学习暑期研讨班
flyingbird93/convolutional-pose-machines-release
Code repository for Convolutional Pose Machines, CVPR'16
flyingbird93/create-TV-script
My third project is create TV script by RNN and LSTM
flyingbird93/Deep-Learning
some projects about deep learning
flyingbird93/deep-learning-models
Keras code and weights files for popular deep learning models.
flyingbird93/deep-mind
my first neural network
flyingbird93/DeepLab-Context
flyingbird93/deeplearning.ai
deeplearning.ai , By Andrew Ng, All slide and notebook + code and some material.
flyingbird93/face_generation
flyingbird93/Fine-tuning-a-pre-trained-CNN-for-first-year-sea-ice-and-multi-year-sea-ice-cp-imagery-classificatio
Mapping first-year sea ice and multi-year sea ice in the oceans is significant for many applications. For example, ship navigation and weather forecast. Accurate and robust classification methods of multi-year ice and first-year ice are in demand [2]. Hybrid-polarity SAR architecture will be included in future SAR missions such as the Canadian RADARSAT Constellation Mission (RCM). These sensors will enable the use of compact polarimetry (CP) data in wide swath imagery [1]. Convolutional neural networks (CNNs) are becoming increasingly popular in many research communities due to availability of large image datasets and high-performance computing systems. As Convolutional networks (ConvNets) have achieved great success on many image classification tasks, I pursue this method for the classification of image patches from compact polarimety (CP) imagery into first-year ice and multi-year ice is applicable. In this course project, my work is kind of like the first practice of the CP imagery classification by fine-tuning a pre-trained convolutional neural network (CNN). Specifically, fine-tuning the last fully-connected layer of a pre-trained convolutional networks, I extract patches from simulated CP images as my dataset, the classification accuracy of the test set achieved 91.3% by fine-tuning a pre-trained CNN, compared to 49.4% classification accuracy by training from scratch.
flyingbird93/image_classification
My second project by using CNN to finish images classification
flyingbird93/language-translate
flyingbird93/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
flyingbird93/my_first_neural_network
my first neural network in predict future bicycle numbers
flyingbird93/PSPNet
Pyramid Scene Parsing Network
flyingbird93/PSPNET-cudnn5
The PSPNET supported cudnn v.5 based on https://github.com/hszhao/PSPNet
flyingbird93/recognizing_image_style_writeup
Paper submissions and slides for this project.
flyingbird93/SPP_net
SPP_net : Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition
flyingbird93/tensorflow-model-zoo.torch
InceptionV3, InceptionV4, Inception-Resnet pretrained models for Torch7 and PyTorch
flyingbird93/YAD2K
YAD2K: Yet Another Darknet 2 Keras
flyingbird93/Yang_Ramanan
code for Articulated Human Detection with Flexible Mixtures-of-Parts
flyingbird93/YOLO_Object_Detection
This is the code for "YOLO Object Detection" by Siraj Raval on Youtube