khoatranrb
I'm student and researcher Artificial Intelligence at University of Engineering and Technology, Vietnam National University.
Vietnam
khoatranrb's Stars
jzbontar/mc-cnn
Stereo Matching by Training a Convolutional Neural Network to Compare Image Patches
csjcai/SICE
Learning a Deep Single Image Contrast Enhancer from Multi-Exposure Images (TIP 2018)
HyoungsungKim/Pytorch-tensorboard_tutorial
Pytorch-tensorboard simple tutorial and example for a beginner
borisbanushev/stockpredictionai
In this noteboook I will create a complete process for predicting stock price movements. Follow along and we will achieve some pretty good results. For that purpose we will use a Generative Adversarial Network (GAN) with LSTM, a type of Recurrent Neural Network, as generator, and a Convolutional Neural Network, CNN, as a discriminator. We use LSTM for the obvious reason that we are trying to predict time series data. Why we use GAN and specifically CNN as a discriminator? That is a good question: there are special sections on that later.
idealo/image-quality-assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
xialeiliu/RankIQA
The rep for the RankIQA paper in ICCV 2017
zhuhancheng/MetaIQA
AdrienLE/learning_by_grad_by_grad_repro
Reproduction of "Learning to Learn by Gradient Descent by Gradient Descent"
chenwydj/learning-to-learn-by-gradient-descent-by-gradient-descent
Pytorch version of NIPS'16 "Learning to learn by gradient descent by gradient descent"
btcnhung1299/cinnamon-ai-bootcamp
patrickphat/ant-colony-algorithm
An implementation of ant colony algorithm
UKPLab/sentence-transformers
State-of-the-Art Text Embeddings
sudharsan13296/Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
amir-zeldes/biaffine-ner
Named Entity Recognition as Dependency Parsing
flairNLP/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
microsoft/nni
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
foolwood/SiamMask
[CVPR2019] Fast Online Object Tracking and Segmentation: A Unifying Approach
Lydorn/netsimilarity
Input Similarity from the Neural Network Perspective
dvlab-research/DeepUPE
Underexposed Photo Enhancement Using Deep Illumination Estimation
gerdm/prml
Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop
janzd/CRNN
Convolutional recurrent neural network for scene text recognition or OCR in Keras
wkentaro/pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
aiff22/DPED
Software and pre-trained models for automatic photo quality enhancement using Deep Convolutional Networks
gabrielwong159/siamese
One-shot learning for image classification using Siamese neural networks
vnherdeiro/siamese-mnist
thuan00/single-shot-detection-pytorch
a lousy reimplementation of single shot detection in pytorch for learning purpose
asimonov/CarND-VehicleDetection-Unet
Using U-Net deep learning to localise and classify vehicles for autonomous driving
lars76/object-localization
Object localization in images using simple CNNs and Keras
aiff22/PyNET-PyTorch
Generating RGB photos from RAW image files with PyNET (PyTorch)