All Projects → Mikoto10032 → Deeplearning

Mikoto10032 / Deeplearning

Licence: apache-2.0
深度学习入门教程, 优秀文章, Deep Learning Tutorial

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language
matlab
3953 projects

Projects that are alternatives of or similar to Deeplearning

Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (-94.71%)
Mutual labels:  jupyter-notebook, deeplearning, rnn, machinelearning
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-97.38%)
Mutual labels:  jupyter-notebook, cnn, gan, rnn
Data-Scientist-In-Python
This repository contains notes and projects of Data scientist track from dataquest course work.
Stars: ✭ 23 (-99.66%)
Mutual labels:  kaggle, machinelearning, deeplearning
Deeplearning.ai Assignments
Stars: ✭ 268 (-96.05%)
Mutual labels:  jupyter-notebook, deeplearning, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (-95.05%)
Mutual labels:  cnn, gan, rnn
Lung Diseases Classifier
Diseases Detection from NIH Chest X-ray data
Stars: ✭ 52 (-99.23%)
Mutual labels:  kaggle, jupyter-notebook, cnn
Dataminingnotesandpractice
记录我学习数据挖掘过程的笔记和见到的奇技,持续更新~
Stars: ✭ 103 (-98.48%)
Mutual labels:  kaggle, jupyter-notebook, machinelearning
Tensorwatch
Debugging, monitoring and visualization for Python Machine Learning and Data Science
Stars: ✭ 3,191 (-52.96%)
Mutual labels:  jupyter-notebook, deeplearning, machinelearning
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-96.73%)
Mutual labels:  jupyter-notebook, cnn, rnn
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (-94.9%)
Mutual labels:  jupyter-notebook, cnn, rnn
Tsai
Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai
Stars: ✭ 407 (-94%)
Mutual labels:  jupyter-notebook, cnn, rnn
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-99.57%)
Mutual labels:  kaggle, jupyter-notebook, cnn
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (-91.6%)
Mutual labels:  kaggle, cnn, rnn
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (-75.81%)
Mutual labels:  kaggle, jupyter-notebook, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (-52.69%)
Mutual labels:  jupyter-notebook, cnn, rnn
Mydeeplearning
A deep learning library to provide algs in pure Numpy or Tensorflow.
Stars: ✭ 281 (-95.86%)
Mutual labels:  cnn, gan, rnn
Deep Learning Resources
由淺入深的深度學習資源 Collection of deep learning materials for everyone
Stars: ✭ 422 (-93.78%)
Mutual labels:  jupyter-notebook, gan, deeplearning
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-97.13%)
Mutual labels:  jupyter-notebook, cnn, rnn
Raspberrypi Facedetection Mtcnn Caffe With Motion
MTCNN with Motion Detection, on Raspberry Pi with Love
Stars: ✭ 204 (-96.99%)
Mutual labels:  jupyter-notebook, cnn, machinelearning
T81 558 deep learning
Washington University (in St. Louis) Course T81-558: Applications of Deep Neural Networks
Stars: ✭ 4,152 (-38.79%)
Mutual labels:  jupyter-notebook, gan, deeplearning

DeepLearning Tutorial

一. 入门资料

完备的 AI 学习路线,最详细的中英文资源整理

AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NL

Machine-Learning

数学基础

机器学习基础

快速入门

深入理解

深度学习基础

快速入门

计算机视觉
自然语言处理
深度强化学习

深入理解

一些书单

工程能力

二. 神经网络模型概览

CNN

发展史

图像分类
目标检测
图像分割(语义分割、实例分割、全景分割)
轻量化卷积神经网络
人脸相关
图像超分辨率
行人重识别
图像着色
边检测
OCR&&文本检测
点云
细粒度图像分类
图像检索
  • 图像检索的十年
人群计数

教程

前馈神经网络
激活函数
反向传播算法
优化问题
卷积层
池化层
卷积神经网络
图像分类网络详解
目标检测网络详解
图像分割网络详解
注意力机制
特征融合

Action

GAN

发展史

教程

Action

RNN

发展史

教程

Action

GNN

发展史

教程

Action

三. 深度模型的优化与正则化

四. 炼丹术士那些事

调参经验

刷排行榜的小技巧

图像分类

目标检测

五. 年度总结

六. 科研相关

深度学习框架

Python3.x(先修)

Numpy(先修)

Opencv-python

Pandas

Tensorflow

MXNet

PyTorch

深度学习常用命令

Python可视化

标注工具

数据集

记笔记工具

会议期刊列表

论文写作工具

论文画图工具

论文写作教程

ResearchGos

毕业论文排版



信号处理

傅里叶变换

小波变换

实战

机器学习理论与实战

机器学习理论篇之经典算法

信息论

多层感知机(MLP)

k近邻(KNN)

k均值(K-means)

朴素贝叶斯(Naive Bayesian)

决策树(Decision Tree)

随机森林(Random Forest)

线性回归(Linear Regression)

逻辑回归(Logistic Regression)

支持向量机(SVM)

提升方法(Adaboost)

梯度提升决策树(GBDT)

EM(期望最大化)

高斯混合模型(GMM)

马尔科夫决策过程(MDP)

条件随机场(CRF, 判别式模型)

降维算法

主成分分析(PCA)

奇异值分解(SVD)

线性判别分析(LDA)

标签传播算法(Label Propagation Algorithm)    

蒙塔卡罗树搜索(MCTS)

集成(Ensemble)

t分布随机邻居嵌入(TSNE)

谱聚类(Spectral Clustering)

异常点检测

机器学习实战篇

机器学习、深度学习的一些研究方向

多任务学习(Multi-Task Learning)

零次学习(Zero Shot Learning)

小样本学习(Few-Shot Learning)

多视觉学习(Multi-View Learning)

嵌入(Embedding)

迁移学习(Transfer Learning)

域自适应(Domain Adaptation)

元学习(Meta Learning)

强化学习(Reinforcement Learning)

推荐系统(Recommendation System)

论文列表

教程

实战

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].