Pinned Repositories
3d-unet
Chainer implementations of 3D UNet
ABSA-BERT-pair
Utilizing BERT for Aspect-Based Sentiment Analysis via Constructing Auxiliary Sentence (NAACL 2019)
ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
ABSA_Keras
Keras Implementation of Aspect based Sentiment Analysis
Adaptive_Affinity_Fields
Adaptive Affinity Fields for Semantic Segmentation
AI-Challenger-Caption-Competition
AI CHALLENGER 全球AI挑战赛 图像中文描述
AI-Challenger-Keypoints-pytorch
AI Challenger Keypoints Detection(https://challenger.ai/competition/keypoint/leaderboard) (SYSU_Pose Rank #5)
AI-Comp
AI-Challenger Baseline 细粒度用户评论情感分析
ai-edu
AI education materials for Chinese students, teachers and IT professionals.
bert
TensorFlow code and pre-trained models for BERT
bailianfa's Repositories
bailianfa/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials
A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! 😀)
bailianfa/attention-is-all-you-need-keras
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
bailianfa/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
bailianfa/BERT-keras
Keras implementation of BERT with pre-trained weights
bailianfa/BertSum
Code for paper Fine-tune BERT for Extractive Summarization
bailianfa/blog
Learning full-stack vue and node.js
bailianfa/d2l-zh
《动手学深度学习》,英文版即伯克利深度学习(STAT 157,2019春)教材。面向中文读者、能运行、可讨论。
bailianfa/DDFE-blog
:clap: welcome to DDFE's blog
bailianfa/Deep-Learning-Boot-Camp
A community run, 5-day PyTorch Deep Learning Bootcamp
bailianfa/Flux.jl
Relax! Flux is the ML library that doesn't make you tensor
bailianfa/gans-in-action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
bailianfa/gluon-cv
Gluon CV Toolkit
bailianfa/gluon-nlp
NLP made easy
bailianfa/Hands-on-Application-Development-with-PyCharm
Hands-on Application Development with PyCharm, published by Packt
bailianfa/html5-boilerplate
A professional front-end template for building fast, robust, and adaptable web apps or sites.
bailianfa/keras-contrib
Keras community contributions
bailianfa/LACNN
Attention to Lesion: Lesion-Aware Convolutional Neural Network for Retinal Optical Coherence Tomography Image Classification
bailianfa/LatticeLSTM
Chinese NER using Lattice LSTM. Code for ACL 2018 paper.
bailianfa/lihang_book_algorithm
致力于将李航博士《统计学习方法》一书中所有算法实现一遍
bailianfa/machinelearning
ML.NET is an open source and cross-platform machine learning framework for .NET.
bailianfa/Paddle
PArallel Distributed Deep LEarning (PaddlePaddle核心框架,高性能单机、分布式训练和跨平台部署)
bailianfa/PBAN-PyTorch
A Position-aware Bidirectional Attention Network for Aspect-level Sentiment Analysis, PyTorch implementation.
bailianfa/practical_intro_to_tf2
Building an image classifier in TF2
bailianfa/PyTorchNLPBook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
bailianfa/Recursive-Neural-Conditional-Random-Field
Implementation and data for the published paper "Recursive Neural Conditional Random Fields for Aspect-based Sentiment Analysis".
bailianfa/research_tao
NLP研究入门之道
bailianfa/SDSR-OCT
code for paper "Simultaneous denoising and super-resolution of optical coherence tomography images based on generative adversarial network"
bailianfa/seq2seq
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
bailianfa/Tensorflow-2.0-Quick-Start-Guide
Tensorflow 2.0 Quick Start Guide, published by Packt
bailianfa/tf-eager-fasterrcnn
Faster R-CNN R-101-FPN model was implemented with tensorflow eager execution.