Convert Figma logo to code with AI

aymericdamien logoTopDeepLearning

A list of popular github projects related to deep learning

5,870
1,196
5,870
18

Top Related Projects

185,446

An Open Source Machine Learning Framework for Everyone

82,049

Tensors and Dynamic neural networks in Python with strong GPU acceleration

61,580

Deep Learning for humans

scikit-learn: machine learning in Python

34,658

DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.

🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Quick Overview

TopDeepLearning is a curated list of popular deep learning repositories on GitHub. It serves as a comprehensive resource for developers and researchers interested in deep learning, providing links to various projects, frameworks, and tools in the field.

Pros

  • Offers a wide range of deep learning resources in one place
  • Regularly updated with new and trending repositories
  • Categorized for easy navigation and discovery
  • Includes both popular frameworks and lesser-known projects

Cons

  • May not include in-depth explanations or comparisons of listed projects
  • Could potentially overwhelm beginners due to the large number of resources
  • Relies on community contributions for updates and additions
  • Some listed projects may become outdated or inactive over time

Note: As this is not a code library but a curated list of resources, the code examples and getting started instructions sections have been omitted.

Competitor Comparisons

185,446

An Open Source Machine Learning Framework for Everyone

Pros of TensorFlow

  • Comprehensive deep learning framework with extensive functionality
  • Large, active community and ecosystem of tools/extensions
  • Production-ready with robust deployment options

Cons of TensorFlow

  • Steeper learning curve for beginners
  • Can be more complex to set up and configure
  • Larger codebase and installation size

Code Comparison

TopDeepLearning:

# Example from a curated list of deep learning resources
import tensorflow as tf
model = tf.keras.Sequential([
    tf.keras.layers.Dense(64, activation='relu'),
    tf.keras.layers.Dense(10, activation='softmax')
])

TensorFlow:

# Native TensorFlow example
import tensorflow as tf
x = tf.constant([[1], [2], [3], [4]], dtype=tf.float32)
y = tf.constant([[0], [-1], [-2], [-3]], dtype=tf.float32)
linear_model = tf.layers.Dense(units=1)
y_pred = linear_model(x)
loss = tf.losses.mean_squared_error(labels=y, predictions=y_pred)

TopDeepLearning serves as a curated collection of deep learning resources, including TensorFlow examples. It's ideal for learning and exploring various deep learning concepts. TensorFlow, on the other hand, is the actual framework that provides the tools and infrastructure for building and deploying machine learning models. While TopDeepLearning offers a guided path through deep learning topics, TensorFlow gives you the full power and flexibility to create custom solutions.

82,049

Tensors and Dynamic neural networks in Python with strong GPU acceleration

Pros of PyTorch

  • Comprehensive deep learning framework with extensive functionality
  • Large, active community providing support and continuous development
  • Seamless integration with Python ecosystem and GPU acceleration

Cons of PyTorch

  • Steeper learning curve for beginners compared to curated resources
  • Larger codebase and installation size
  • May include unnecessary features for those seeking specific examples

Code Comparison

TopDeepLearning example (TensorFlow):

import tensorflow as tf

model = tf.keras.Sequential([
    tf.keras.layers.Dense(64, activation='relu'),
    tf.keras.layers.Dense(10, activation='softmax')
])

PyTorch equivalent:

import torch.nn as nn

model = nn.Sequential(
    nn.Linear(784, 64),
    nn.ReLU(),
    nn.Linear(64, 10),
    nn.Softmax(dim=1)
)

TopDeepLearning provides curated examples and resources for various deep learning topics, while PyTorch is a full-fledged deep learning framework. TopDeepLearning is better suited for quick reference and learning, whereas PyTorch offers a complete ecosystem for developing and deploying deep learning models.

61,580

Deep Learning for humans

Pros of Keras

  • Full-fledged deep learning framework with extensive documentation and community support
  • Offers high-level APIs for easy model building and experimentation
  • Integrates well with TensorFlow and other backend engines

Cons of Keras

  • More complex setup and learning curve for beginners
  • Larger codebase and dependencies, which may impact performance in some cases
  • Less flexibility for low-level operations compared to pure TensorFlow

Code Comparison

TopDeepLearning:

# No direct code examples available, as it's a curated list of resources

Keras:

from keras.models import Sequential
from keras.layers import Dense

model = Sequential([
    Dense(64, activation='relu', input_shape=(784,)),
    Dense(10, activation='softmax')
])
model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])

TopDeepLearning is a curated list of deep learning resources, while Keras is an actual deep learning framework. TopDeepLearning provides links to various tutorials, papers, and projects, making it an excellent starting point for learning about deep learning. Keras, on the other hand, offers a practical tool for implementing deep learning models with a user-friendly API.

TopDeepLearning is more suitable for beginners looking to explore the field, while Keras is better for those ready to start building and training models. The choice between them depends on whether you need a learning resource or a development tool.

scikit-learn: machine learning in Python

Pros of scikit-learn

  • Comprehensive library for traditional machine learning algorithms
  • Well-documented with extensive examples and tutorials
  • Actively maintained with regular updates and improvements

Cons of scikit-learn

  • Limited support for deep learning models
  • May require additional libraries for advanced neural network architectures
  • Less focused on cutting-edge research implementations

Code Comparison

scikit-learn:

from sklearn.ensemble import RandomForestClassifier
from sklearn.datasets import make_classification

X, y = make_classification(n_samples=1000, n_features=4)
clf = RandomForestClassifier()
clf.fit(X, y)

TopDeepLearning: This repository doesn't contain actual code implementations, but rather curates links to various deep learning resources and projects. Therefore, a direct code comparison is not applicable.

Summary

scikit-learn is a robust, well-established library for traditional machine learning tasks, offering a wide range of algorithms and tools. It excels in documentation and ease of use for standard ML workflows. However, it has limitations when it comes to deep learning and cutting-edge research implementations.

TopDeepLearning, on the other hand, is a curated list of deep learning resources, tutorials, and projects. It serves as a valuable reference for those looking to explore the latest advancements in deep learning but doesn't provide actual code implementations like scikit-learn does.

34,658

DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.

Pros of DeepSpeed

  • Focuses on optimizing deep learning training, offering significant speed improvements and memory efficiency
  • Provides a comprehensive suite of tools for distributed training, including ZeRO optimizer and pipeline parallelism
  • Actively maintained by Microsoft with frequent updates and extensive documentation

Cons of DeepSpeed

  • Steeper learning curve due to its focus on advanced optimization techniques
  • Primarily designed for large-scale models and may be overkill for smaller projects
  • Requires more setup and configuration compared to simpler deep learning frameworks

Code Comparison

DeepSpeed:

import deepspeed
model_engine, optimizer, _, _ = deepspeed.initialize(args=args,
                                                     model=model,
                                                     model_parameters=params)
for step, batch in enumerate(data_loader):
    loss = model_engine(batch)
    model_engine.backward(loss)
    model_engine.step()

TopDeepLearning: (Note: TopDeepLearning is a curated list of deep learning resources and doesn't contain actual code implementations. Therefore, a direct code comparison is not applicable.)

🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Pros of Transformers

  • Comprehensive library with state-of-the-art transformer models
  • Actively maintained with frequent updates and new model implementations
  • Extensive documentation and community support

Cons of Transformers

  • Steeper learning curve for beginners
  • Focused solely on transformer architectures
  • Larger codebase and potentially higher computational requirements

Code Comparison

TopDeepLearning:

# Example not available (curated list of resources)

Transformers:

from transformers import AutoTokenizer, AutoModel

tokenizer = AutoTokenizer.from_pretrained("bert-base-uncased")
model = AutoModel.from_pretrained("bert-base-uncased")

inputs = tokenizer("Hello world!", return_tensors="pt")
outputs = model(**inputs)

Summary

Transformers is a comprehensive library for working with transformer models, offering a wide range of pre-trained models and tools for natural language processing tasks. It provides more depth and functionality but may be more complex for beginners.

TopDeepLearning, on the other hand, is a curated list of deep learning resources, tutorials, and projects. It serves as a valuable reference for learning about various deep learning topics but doesn't provide direct implementation like Transformers.

Choose Transformers for hands-on work with transformer models, and TopDeepLearning for a broader overview of deep learning resources and concepts.

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

Top Deep Learning Projects

A list of popular github projects related to deep learning (ranked by stars).

Last Update: 2020.07.09

Project NameStarsDescription
tensorflow146kAn Open Source Machine Learning Framework for Everyone
keras48.9kDeep Learning for humans
opencv46.1kOpen Source Computer Vision Library
pytorch40kTensors and Dynamic neural networks in Python with strong GPU acceleration
TensorFlow-Examples38.1kTensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
tesseract35.3kTesseract Open Source OCR Engine (main repository)
face_recognition35.2kThe world's simplest facial recognition api for Python and the command line
faceswap31.4kDeepfakes Software For All
transformers30.4k🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.
100-Days-Of-ML-Code29.1k100 Days of ML Coding
julia28.1kThe Julia Language: A fresh approach to technical computing.
gold-miner26.6k🥇掘金翻译计划,可能是世界最大最好的英译中技术社区,最懂读者和译者的翻译平台:
awesome-scalability26.6kThe Patterns of Scalable, Reliable, and Performant Large-Scale Systems
basics24.5k📚 Learn ML with clean code, simplified math and illustrative visuals.
bert23.9kTensorFlow code and pre-trained models for BERT
funNLP22.1k(Machine Learning)NLP面试中常考到的知识点和代码实现、nlp4han:中文自然语言处理工具集(断句/分词/词性标注/组块/句法分析/语义分析/NER/N元语法/HMM/代词消解/情感分析/拼写检查、XLM:Face…
xgboost19.4kScalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow
Real-Time-Voice-Cloning18.4kClone a voice in 5 seconds to generate arbitrary speech in real-time
d2l-zh17.9k《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
openpose17.8kOpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
Coursera-ML-AndrewNg-Notes17.7k吴恩达老师的机器学习课程个人笔记
DeepFaceLab17.3kDeepFaceLab is the leading software for creating deepfakes.
pytorch-tutorial17.3kPyTorch Tutorial for Deep Learning Researchers
Mask_RCNN17.2kMask R-CNN for object detection and instance segmentation on Keras and TensorFlow
spaCy16.8k💫 Industrial-strength Natural Language Processing (NLP) with Python and Cython
NLP-progress16.2kRepository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
100-Days-Of-ML-Code15.6k100-Days-Of-ML-Code中文版
cs-video-courses14.9kList of Computer Science courses with video lectures.
WaveFunctionCollapse14.7kBitmap & tilemap generation from a single example with the help of ideas from quantum mechanics.
lectures14.7kOxford Deep NLP 2017 course
reinforcement-learning14.7kImplementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accom…
pwc14.7kPapers with code. Sorted by stars. Updated weekly.
TensorFlow-Course14.6kSimple and ready-to-use tutorials for TensorFlow
DeepSpeech14.4kA TensorFlow implementation of Baidu's DeepSpeech architecture
pumpkin-book14k《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
tfjs13.5kA WebGL accelerated JavaScript library for training and deploying ML models.
examples13.5kA set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
openface13.5kFace recognition with deep neural networks.
Qix13.3kMachine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang
spleeter12.7kDeezer source separation library including pretrained models.
Virgilio12.7kYour new Mentor for Data Science E-Learning.
nndl.github.io12.7k《神经网络与深度学习》 邱锡鹏著 Neural Network and Deep Learning
Screenshot-to-code12.7kA neural network that transforms a design mock-up into a static website.
pytorch-CycleGAN-and-pix2pix12.4kImage-to-Image Translation in PyTorch
pytorch-handbook11.9kpytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
gun11.9kAn open source cybersecurity protocol for syncing decentralized graph data.
Paddle11.8kPArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训…
tensorflow-zh11.8k谷歌全新开源人工智能系统TensorFlow官方文档中文版
darknet11.4kYOLOv4 - Neural Networks for Object Detection (Windows and Linux version of Darknet )
learnopencv11.4kLearn OpenCV : C++ and Python Examples
neural-networks-and-deep-learning11.3kCode samples for my book "Neural Networks and Deep Learning"
google-research11.2kGoogle Research
labelImg11.2k🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
gensim11kTopic Modelling for Humans
pix2code10.9kpix2code: Generating Code from a Graphical User Interface Screenshot
facenet10.8kFace recognition using Tensorflow
DeOldify10.7kA Deep Learning based project for colorizing and restoring old images (and video!)
python-machine-learning-book10.7kThe "Python Machine Learning (1st edition)" book code repository and info resource
stanford-cs-229-machine-learning10.6kVIP cheatsheets for Stanford's CS 229 Machine Learning
mmdetection10.5kOpenMMLab Detection Toolbox and Benchmark
face-api.js10.4kJavaScript API for face detection and face recognition in the browser and nodejs with tensorflow.js
Awesome-pytorch-list10.4kA comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,t…
nsfw_data_scraper10.2kCollection of scripts to aggregate image data for the purposes of training an NSFW Image Classifier
convnetjs10kDeep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
CycleGAN9.8kSoftware that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
streamlit9.8kStreamlit — The fastest way to build data apps in Python
DeepCreamPy9.7kDecensoring Hentai with Deep Neural Networks
stylegan9.7kStyleGAN - Official TensorFlow Implementation
Dive-into-DL-PyTorch9.6k本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
stanford-tensorflow-tutorials9.6kThis repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
horovod9.6kDistributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
Deep-Learning-with-TensorFlow-book9.4k深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
neural-doodle9.4kTurn your two-bit doodles into fine artworks with deep neural networks, generate seamless textures from photos, transfer style from one image to another, perform example-based upscaling, but wait... there's more! (An implementation of Semantic Style Transfer.)
caire9.3kContent aware image resize library
fast-style-transfer9.2kTensorFlow CNN for fast style transfer ⚡🖥🎨🖼
ncnn9.2kncnn is a high-performance neural network inference framework optimized for the mobile platform
kubeflow9.1kMachine Learning Toolkit for Kubernetes
nltk9kNLTK Source
flair9kA very simple framework for state-of-the-art Natural Language Processing (NLP)
ml-agents9kUnity Machine Learning Agents Toolkit
allennlp8.8kAn open-source NLP research library, built on PyTorch.
botpress8.8k🤖 The Conversational Platform with built-in language understanding (NLU), beautiful graphical interface and Dialog Manager (DM). Easily create chatbots and AI-based virtual assistants.
the-gan-zoo8.7kA list of all named GANs!
EffectiveTensorflow8.6kTensorFlow tutorials and best practices.
tfjs-core8.5kWebGL-accelerated ML // linear algebra // automatic differentiation for JavaScript.
fairseq8.4kFacebook AI Research Sequence-to-Sequence Toolkit written in Python.
sonnet8.4kTensorFlow-based neural network library
mit-deep-learning-book-pdf8.3kMIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville
TensorFlow-Tutorials8.3kTensorFlow Tutorials with YouTube Videos
pytorch_geometric8.2kGeometric Deep Learning Extension Library for PyTorch
tutorials8.2k机器学习相关教程
fashion-mnist8kA MNIST-like fashion product database. Benchmark 👉
bert-as-service7.9kMapping a variable-length sentence to a fixed-length vector using BERT model
pix2pix7.8kImage-to-image translation with conditional adversarial nets
mediapipe7.7kMediaPipe is the simplest way for researchers and developers to build world-class ML solutions and applications for mobile, edge, cloud and the web.
recommenders7.7kBest Practices on Recommendation Systems
mit-deep-learning7.7kTutorials, assignments, and competitions for MIT Deep Learning related courses.
pytorch-book7.6kPyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Winds7.6kA Beautiful Open Source RSS & Podcast App Powered by Getstream.io
vid2vid7.4kPytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation.
Learn_Machine_Learning_in_3_Months7.3kThis is the code for "Learn Machine Learning in 3 Months" by Siraj Raval on Youtube
golearn7.3kMachine Learning for Go
Keras-GAN7.2kKeras implementations of Generative Adversarial Networks.
mlcourse.ai7kOpen Machine Learning Course
faceai7k一款入门级的人脸、视频、文字检测以及识别的项目.
pysc26.9kStarCraft II Learning Environment
pretrained-models.pytorch6.9kPretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
PyTorch-GAN6.7kPyTorch implementations of Generative Adversarial Networks.
vision6.7kDatasets, Transforms and Models specific to Computer Vision
nlp-tutorial6.6kNatural Language Processing Tutorial for Deep Learning Researchers
bullet36.6kBullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics,
DCGAN-tensorflow6.6kA tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
tfjs-models6.5kPretrained models for TensorFlow.js
abu6.5k阿布量化交易系统(股票,期权,期货,比特币,机器学习) 基于python的开源量化交易,量化投资架构
pytorch-lightning6.5kThe lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplate
tensorboardX6.4ktensorboard for pytorch (and chainer, mxnet, numpy, ...)
machine-learning-course6.4k💬 Machine Learning Course with Python:
guess6.3k🔮 Libraries & tools for enabling Machine Learning driven user-experiences on the web
pyro6.3kDeep universal probabilistic programming with Python and PyTorch
lab6.2kA customisable 3D platform for agent-based AI research
mml-book.github.io6.2kCompanion webpage to the book "Mathematics For Machine Learning"
Interview6.2kInterview = 简历指南 + LeetCode + Kaggle
tensorlayer6.2kDeep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
generative-models6.1kCollection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
machine-learning-yearning-cn6.1kMachine Learning Yearning 中文版 - 《机器学习训练秘籍》 - Andrew Ng 著
keras-yolo36kA Keras implementation of YOLOv3 (Tensorflow backend)
BossSensor5.9kHide screen when boss is approaching.
tensorflow2_tutorials_chinese5.9ktensorflow2中文教程,持续更新(当前版本:tensorflow2.0),tag: tensorflow 2.0 tutorials
TensorFlow-Tutorials5.9kSimple tutorials using Google's TensorFlow Framework
argo5.9kArgo Workflows: Get stuff done with Kubernetes.
python-machine-learning-book-2nd-edition5.8kThe "Python Machine Learning (2nd edition)" book code repository and info resource
dvc5.7k🦉Data Version Control
EasyPR5.7kAn easy, flexible, and accurate plate recognition project for Chinese licenses in unconstrained situations.
AdversarialNetsPapers5.6kThe classical paper list with code about generative adversarial nets
tensorpack5.6kA Neural Net Training Interface on TensorFlow, with focus on speed + flexibility
photoprism5.6kPersonal Photo Management powered by Go and Google TensorFlow
tensorflow_cookbook5.6kCode for Tensorflow Machine Learning Cookbook
albumentations5.6kfast image augmentation library and easy to use wrapper around other libraries
swift5.6kSwift for TensorFlow
darkflow5.6kTranslate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
tensorflow_tutorials5.5kFrom the basics to slightly more interesting applications of Tensorflow
deep-learning-coursera5.5kDeep Learning Specialization by Andrew Ng on Coursera.
transferlearning5.5kEverything about Transfer Learning and Domain Adaptation--迁移学习
ML-NLP5.5k此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
nmt5.5kTensorFlow Neural Machine Translation Tutorial
faster-rcnn.pytorch5.5kA faster pytorch implementation of faster r-cnn
UGATIT5.4kOfficial Tensorflow implementation of U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Inst…
pandas-profiling5.4kCreate HTML profiling reports from pandas DataFrame objects
deep-residual-networks5.4kDeep Residual Learning for Image Recognition
xlnet5.3kXLNet: Generalized Autoregressive Pretraining for Language Understanding
leeml-notes5.2k李宏毅《机器学习》笔记,在线阅读地址:https://datawhalechina.github.io/leeml-notes
wav2letter5.2kFacebook AI Research's Automatic Speech Recognition Toolkit
neural-style5.2kNeural style in TensorFlow! 🎨
CVPR2020-Paper-Code-Interpretation5.2kcvpr2020/cvpr2019/cvpr2018/cvpr2017 papers,极市团队整理
TensorFlow-2.x-Tutorials5.2kTensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT exampl…
yolov35.2kYOLOv3 in PyTorch > ONNX > CoreML > iOS
cnn-text-classification-tf5.2kConvolutional Neural Network for Text Classification in Tensorflow
seq2seq5.2kA general-purpose encoder-decoder framework for Tensorflow
chineseocr_lite5.1k超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 , dbnet(1.7M) + crnn(6.3M) + anglenet(1.5M) 总模型仅10M
featuretools5kAn open source python library for automated feature engineering
labelme5kImage Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
ImageAI5kA python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities
nlp-recipes5kNatural Language Processing Best Practices & Examples
have-fun-with-machine-learning4.9kAn absolute beginner's guide to Machine Learning and Image Classification with Neural Networks
eat_tensorflow2_in_30_days4.9kTensorflow2.0 🍎🍊 is delicious, just eat it! 😋😋
tensorflow-wavenet4.9kA TensorFlow implementation of DeepMind's WaveNet paper
PyTorch-Tutorial4.9kBuild your neural network easy and fast
stylegan24.9kStyleGAN2 - Official TensorFlow Implementation
h2o-34.9kOpen Source Fast Scalable Machine Learning Platform For Smarter Applications: Deep Learning, Gradient Boosting & XGBo…
awesome-machine-learning-on-source-code4.8kCool links & research papers related to Machine Learning applied to source code (MLonCode)
Learning-to-See-in-the-Dark4.8kLearning to See in the Dark. CVPR 2018
PyTorch-YOLOv34.8kMinimal PyTorch implementation of YOLOv3
first-order-model4.8kThis repository contains the source code for the paper First Order Motion Model for Image Animation
models4.8kPre-trained and Reproduced Deep Learning Models (『飞桨』官方模型库,包含多种学术前沿和工业场景验证的深度学习模型)
smile4.8kStatistical Machine Intelligence & Learning Engine
keras-js4.7kRun Keras models in the browser, with GPU support using WebGL
carla4.7kOpen-source simulator for autonomous driving research.
keras-rl4.7kDeep Reinforcement Learning for Keras.
useful-java-links4.7kA list of useful Java frameworks, libraries, software and hello worlds examples
Awesome-CoreML-Models4.7kLargest list of models for Core ML (for iOS 11+)
python-small-examples4.7k告别枯燥,致力于打造 Python 富有体系且实用的小例子、小案例。
gcn4.7kImplementation of Graph Convolutional Networks in TensorFlow
introduction_to_ml_with_python4.7kNotebooks and code for the book "Introduction to Machine Learning with Python"
stargan4.6kStarGAN - Official PyTorch Implementation (CVPR 2018)
pix2pixHD4.6kSynthesizing and manipulating 2048x1024 images with conditional GANs
Data-Science-Wiki4.6kA wiki of DataScience, Statistics, Maths, R,Python, AI, Machine Learning, Automation, Devops Tools, Bash, Linux Tutor…
MVision4.6k机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
cleverhans4.6kAn adversarial example library for constructing attacks, building defenses, and benchmarking both
vaex4.6kOut-of-Core DataFrames for Python, ML, visualize and explore big tabular data at a billion rows per second 🚀
Grokking-Deep-Learning4.6kthis repository accompanies the book "Grokking Deep Learning"
trax4.5kTrax — Deep Learning with Clear Code and Speed
graph_nets4.5kBuild Graph Nets in Tensorflow
edward4.5kA probabilistic programming language in TensorFlow. Deep generative models, variational inference.
TensorFlow-World4.5k🌎 Simple and ready-to-use tutorials for TensorFlow
imbalanced-learn4.5kA Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
machine-learning-mindmap4.5kA mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning.
seq2seq-couplet4.5kPlay couplet with seq2seq model. 用深度学习对对联。
EfficientNet-PyTorch4.4kA PyTorch implementation of EfficientNet
TensorFlow-Book4.4kAccompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
stanza4.4kOfficial Stanford NLP Python Library for Many Human Languages
amazon-dsstne4.4kDeep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) ma…
cnn-explainer4.4kLearning Convolutional Neural Networks with Interactive Visualization.
Realtime_Multi-Person_Pose_Estimation4.4kCode repo for realtime multi-person pose estimation in CVPR'17 (Oral)
stanford-cs-230-deep-learning4.3kVIP cheatsheets for Stanford's CS 230 Deep Learning
Real-Time-Person-Removal4.3kRemoving people from complex backgrounds in real time using TensorFlow.js in the web browser
OpenNMT-py4.3kOpen Source Neural Machine Translation in PyTorch
tensorflow_practice4.3ktensorflow实战练习,包括强化学习、推荐系统、nlp等
pytorch-cnn-visualizations4.2kPytorch implementation of convolutional neural network visualization techniques
tensorspace4.2kNeural network 3D visualization framework, build interactive and intuitive model in browsers, support pre-trained deep …
DeepLearningExamples4.2kDeep Learning Examples
sketch-code4.2kKeras model to generate HTML code from hand-drawn website mockups. Implements an image captioning architecture to dra…
deeplearning-papernotes4.2kSummaries and notes on Deep Learning research papers
apex4.2kA PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
AlphaPose4.1kReal-Time and Accurate Multi-Person Pose Estimation&Tracking System
attention-is-all-you-need-pytorch4.1kA PyTorch implementation of the Transformer model in "Attention is All You Need".
nmap4.1kNmap - the Network Mapper. Github mirror of official SVN repository.
Machine-learning-learning-notes4.1k周志华《机器学习》又称西瓜书是一本较为全面的书籍,书中详细介绍了机器学习领域不同类型的算法(例如:监督学习、无监督学习、半监督学习、强化学习、集成降维、特征选择等),记录了本人在学习过程中的理解思路与扩展知识点,希望对新人阅读西瓜书有…
serenata-de-amor4.1k🕵 Artificial Intelligence for social control of public administration
practical-pytorch4.1kDEPRECATED and not maintained - see official repo at https://github.com/pytorch/tutorials
pytorch-image-models4.1kPyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
face-alignment4k🔥 2D and 3D Face alignment library build using pytorch
learning-to-learn4kLearning to Learn in TensorFlow
machine-learning-notes4kMy continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (1500+ slides) 我不间断更…
umap4kUniform Manifold Approximation and Projection
DeepLearningZeroToAll4kTensorFlow Basic Tutorial Labs
gluon-cv4kGluon CV Toolkit
pipeline4kPipelineAI Kubeflow Distribution
snorkel4kA system for quickly generating training data with weak supervision
DIGITS4kDeep Learning GPU Training System
DenseNet4kDensely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
awesome-project-ideas4kCurated list of Machine Learning, NLP, Vision, Recommender Systems Project Ideas
tutorials4kPyTorch tutorials.
Deep-Learning-21-Examples3.9k《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
DeepLearningTutorials3.9kDeep Learning Tutorial notes and code. See the wiki for more info.
textgenrnn3.9kEasily train your own text-generating neural network of any size and complexity on any text dataset with a few lines …
lucid3.8kA collection of infrastructure and tools for research in neural network interpretability.
nsfwjs3.8kNSFW detection on the client-side via TensorFlow.js
ssd.pytorch3.8kA PyTorch Implementation of Single Shot MultiBox Detector
MachineLearning3.8kBasic Machine Learning and Deep Learning
Tensorflow-Tutorial3.8kTensorflow tutorial from basic to hard
awesome-ml-for-cybersecurity3.8kMachine Learning for Cyber Security
daily-paper-computer-vision3.8k记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
SSD-Tensorflow3.8kSingle Shot MultiBox Detector in TensorFlow
cvat3.8kPowerful and efficient Computer Vision Annotation Tool (CVAT)
deep-learning-roadmap3.8k📡 All You Need to Know About Deep Learning - A kick-starter
sqlflow3.8kBrings SQL and AI together.
mmf3.7kA modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
tensorflow-docs3.7kTensorFlow 最新官方文档中文版
iGAN3.7kInteractive Image Generation via Generative Adversarial Networks
CapsNet-Tensorflow3.7kA Tensorflow implementation of CapsNet(Capsules Net) in paper Dynamic Routing Between Capsules
Yet-Another-EfficientDet-Pytorch3.6kThe pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
pytorch-examples3.6kSimple examples to introduce PyTorch
ML_for_Hackers3.6kCode accompanying the book "Machine Learning for Hackers"
docs3.6kTensorFlow documentation
tensorflow-generative-model-collections3.6kCollection of generative models in Tensorflow
DeepLearning.ai-Summary3.6kThis repository contains my personal notes and summaries on DeepLearning.ai specialization courses. I've enjoyed ever…
BERT-pytorch3.6kGoogle AI 2018 BERT pytorch implementation
pwnagotchi3.5k(⌐■_■) - Deep Reinforcement Learning instrumenting bettercap for WiFi pwning.
HyperLPR3.5k基于深度学习高性能中文车牌识别 High Performance Chinese License Plate Recognition Framework.
deep-learning3.5kRepo for the Deep Learning Nanodegree Foundations program.
TensorFlowOnSpark3.5kTensorFlowOnSpark brings TensorFlow programs to Apache Spark clusters.
BigDL3.5kBigDL: Distributed Deep Learning Framework for Apache Spark
AlgoWiki3.5kRepository which contains links and resources on different topics of Computer Science.
examples3.5kTensorFlow examples
tf-faster-rcnn3.4kTensorflow Faster RCNN for Object Detection
tf-pose-estimation3.4kDeep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
awesome-machine-learning-cn3.4k机器学习资源大全中文版,包括机器学习领域的框架、库以及软件
metaflow3.4kBuild and manage real-life data science projects with ease.
deep-reinforcement-learning3.3kRepo for the Deep Reinforcement Learning Nanodegree program
semantic-segmentation-pytorch3.3kPytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
gocv3.3kGo package for computer vision using OpenCV 4 and beyond.
d2l-pytorch3.3kThis project reproduces the book Dive Into Deep Learning (www.d2l.ai), adapting the code from MXNet into PyTorch.
Chinese-BERT-wwm3.3kPre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
SmartCropper3.3k🔥 A library for cropping image in a smart way that can identify the border and correct the cropped image. 智能图片裁剪框架。自动识别边框,手动调节选区,使用透视变换裁剪并矫正选区;适用于身份证,名片,文档等照片的裁剪。
PyTorchZeroToAll3.3kSimple PyTorch Tutorials Zero to ALL!
pyAudioAnalysis3.3kPython Audio Analysis Library: Feature Extraction, Classification, Segmentation and Applications
InterpretableMLBook3.3k《可解释的机器学习--黑盒模型可解释性理解指南》,该书为《Interpretable Machine Learning》中文版
snips-nlu3.3kSnips Python library to extract meaning from text
pyod3.3kA Python Toolbox for Scalable Outlier Detection (Anomaly Detection)
DeepLearning3.2k深度学习入门教程, 优秀文章, Deep Learning Tutorial
vespa3.2kVespa is an engine for low-latency computation over large data sets.
deep-voice-conversion3.2kDeep neural networks for voice conversion (voice style transfer) in Tensorflow
lightfm3.2kA Python implementation of LightFM, a hybrid recommendation algorithm.
machine-learning3.2kContent for Udacity's Machine Learning curriculum
skflow3.2kSimplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning
Tensorflow-Project-Template3.2kA best practice for tensorflow project template architecture.
EasyOCR3.2kReady-to-use OCR with 40+ languages supported including Chinese, Japanese, Korean and Thai
text-classification-cnn-rnn3.1kCNN-RNN中文文本分类,基于TensorFlow
MachineLearning_Python3.1k机器学习算法python实现
imagededup3.1k😎 Finding duplicate images made easy!
MatchZoo3.1kFacilitating the design, comparison and sharing of deep text matching models.
transformer3.1kA TensorFlow Implementation of the Transformer: Attention Is All You Need
tensorflow_poems3.1k中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
Deep-Learning-Roadmap3.1k📡 Organized Resources for Deep Learning Researchers and Developers
label-studio3.1kLabel Studio is a multi-type data labeling and annotation tool with standardized output format
ASRT_SpeechRecognition3.1kA Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
benchmark_results3.1kVisual Tracking Paper List
Machine-Learning3k⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
yolact3kA simple, fully convolutional model for real-time instance segmentation.
trfl3kTensorFlow Reinforcement Learning
pytorch-cifar3k95.16% on CIFAR10 with PyTorch
sacred3kSacred is a tool to help you configure, organize, log and reproduce experiments developed at IDSIA.
yolov53kYOLOv5 in PyTorch > ONNX > CoreML > iOS
Reinforcement-Learning3kLearn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
distiller3kNeural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://nervanasy…
FastMaskRCNN3kMask RCNN in TensorFlow
probability3kProbabilistic reasoning and statistical analysis in TensorFlow
DeepVideoAnalytics2.9kA distributed visual search and visual data analytics platform.
tensorwatch2.9kDebugging, monitoring and visualization for Python Machine Learning and Data Science
darts2.9kDifferentiable architecture search for convolutional and recurrent networks
computervision-recipes2.9kBest Practices, code samples, and documentation for Computer Vision.
text-detection-ctpn2.9ktext detection mainly based on ctpn model in tensorflow, id card detect, connectionist text proposal network
tensorflow-windows-wheel2.9kTensorflow prebuilt binary for Windows
tensorflow-yolov32.9k🔥 Pure tensorflow Implement of YOLOv3 with support to train your own dataset
zhihu2.9kThis repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
BERT-BiLSTM-CRF-NER2.9kTensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
TensorFlowSharp2.9kTensorFlow API for .NET languages
ignite2.9kHigh-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
tensorflow-tutorial2.9kExample TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
100-Days-of-ML-Code-Chinese-Version2.9kChinese Translation for Machine Learning Infographics
deep-learning-papers-translation2.9k深度学习论文翻译,包括分类论文,检测论文等
DMTK2.8kMicrosoft Distributed Machine Learning Toolkit
caffe-tensorflow2.8kCaffe models in TensorFlow
libpostal2.8kA C library for parsing/normalizing street addresses around the world. Powered by statistical NLP and open geo data.
pigo2.8kPure Go face detection, pupil/eyes localization and facial landmark points detection library
mindsdb2.8kMachine Learning in one line of code
Tensorflow-Cookbook2.8kSimple Tensorflow Cookbook for easy-to-use
easy-tensorflow2.8kSimple and comprehensive tutorials in TensorFlow
DeepLearning2.8kDeep Learning (Python, C, C++, Java, Scala, Go)
pytorch-yolo-v32.8kA PyTorch implementation of the YOLO v3 object detection algorithm
jukebox2.8kCode for the paper "Jukebox: A Generative Model for Music"
makegirlsmoe_web2.8kCreate Anime Characters with MakeGirlsMoe
deep-learning-keras-tensorflow2.8kIntroduction to Deep Neural Networks with Keras and Tensorflow
SiamMask2.7k[CVPR2019] Fast Online Object Tracking and Segmentation: A Unifying Approach
tencent-ml-images2.7kLargest multi-label image database; ResNet-101 model; 80.73% top-1 acc on ImageNet
DALI2.7kA library containing both highly optimized building blocks and an execution engine for data pre-processing in deep le…
shogun2.7kShōgun
optuna2.7kA hyperparameter optimization framework
Automatic_Speech_Recognition2.7kEnd-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
pytorch-semseg2.7kSemantic Segmentation Architectures Implemented in PyTorch
pygcn2.7kGraph Convolutional Networks in PyTorch
deep-learning-book2.7kRepository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in …
pointnet2.7kPointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
CVPR2020-Code2.7kCVPR 2020 论文开源项目合集
Detectron.pytorch2.7kA pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron we…
LSTM-Human-Activity-Recognition2.6kHuman Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
neural-style-tf2.6kTensorFlow (Python API) implementation of Neural Style
Pytorch-UNet2.6kPyTorch implementation of the U-Net for image semantic segmentation with high quality images
kornia2.6kOpen Source Differentiable Computer Vision Library for PyTorch
Ad-papers2.6kPapers on Computational Advertising
deep-high-resolution-net.pytorch2.6kThe project is an official implementation of our CVPR2019 paper "Deep High-Resolution Representation Learning for Hum…
VoTT2.6kVisual Object Tagging Tool: An electron app for building end to end Object Detection Models from Images and Videos.
espnet2.6kEnd-to-End Speech Processing Toolkit
ltp2.6kLanguage Technology Platform
Learn_Deep_Learning_in_6_Weeks2.6kThis is the Curriculum for "Learn Deep Learning in 6 Weeks" by Siraj Raval on Youtube
keras-vis2.6kNeural network visualization toolkit for keras
onnxruntime2.6kONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
3DDFA2.6kThe PyTorch improved version of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D Total Solution.
olivia2.6k💁‍♀️Your new best friend powered by an artificial neural network
albert_zh2.6kA LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
ai-deadlines2.6k⏰ AI conference deadline countdowns
opencvsharp2.5k.NET Framework wrapper for OpenCV
telegram-list2.5kList of telegram groups, channels & bots // Список интересных групп, каналов и ботов телеграма // Список чатов для программистов
easy123062.5k使用机器学习算法完成对12306验证码的自动识别
rust2.5kRust language bindings for TensorFlow
miles-deep2.5kDeep Learning Porn Video Classifier/Editor with Caffe
VisualDL2.5kDeep Learning Visualization Toolkit(『飞桨』深度学习可视化工具 )
SinGAN2.5kOfficial pytorch implementation of the paper: "SinGAN: Learning a Generative Model from a Single Natural Image"
t81_558_deep_learning2.5kWashington University (in St. Louis) Course T81-558: Applications of Deep Neural Networks
training2.5k🐝 Custom Object Detection and Classification Training
PocketFlow2.5kAn Automatic Model Compression (AutoMC) framework for developing smaller and faster AI applications.
autogluon2.5kAutoGluon: AutoML Toolkit for Deep Learning
simple-faster-rcnn-pytorch2.5kA simplified implemention of Faster R-CNN that replicate performance from origin paper
MITIE2.5kMITIE: library and tools for information extraction
reinforcement-learning2.5kMinimal and Clean Reinforcement Learning Examples
ISLR-python2.4kAn Introduction to Statistical Learning (James, Witten, Hastie, Tibshirani, 2013): Python code
EAST2.4kA tensorflow implementation of EAST text detector
DeepNLP-models-Pytorch2.4kPytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Machine-Learning-with-Python2.4kPython code for common Machine Learning Algorithms
stanford_dl_ex2.4kProgramming exercises for the Stanford Unsupervised Feature Learning and Deep Learning Tutorial
tensorflow-internals2.4kIt is open source ebook about TensorFlow kernel and implementation mechanism.
DeepLearning2.4kPython for《Deep Learning》,该书为《深度学习》(花书) 数学推导、原理剖析与源码级别代码实现
text2.4kData loaders and abstractions for text and NLP
ALAE2.4k[CVPR2020] Adversarial Latent Autoencoders
pytorch-summary2.4kModel summary in PyTorch similar to model.summary() in Keras
pytorch-doc-zh2.4kPytorch 中文文档
Deep_reinforcement_learning_Course2.4kImplementations from the free course Deep Reinforcement Learning with Tensorflow
ML-Tutorial-Experiment2.4kCoding the Machine Learning Tutorial for Learning to Learn
pytorch-Deep-Learning2.4kDeep Learning (with PyTorch)
models2.4kA collection of pre-trained, state-of-the-art models in the ONNX format
book2.4kDeep Learning 101 with PaddlePaddle (『飞桨』深度学习框架入门教程)
PyTorch_Tutorial2.4k《Pytorch模型训练实用教程》中配套代码
Dive-into-DL-TensorFlow2.02.4k本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的同意
Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials2.4kA comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding in…
segmentation_models2.4kSegmentation models with pretrained backbones. Keras and TensorFlow Keras.
Awesome-PyTorch-Chinese2.3k【干货】史上最全的PyTorch学习资源汇总
Flux.jl2.3kRelax! Flux is the ML library that doesn't make you tensor
weld2.3kHigh-performance runtime for data analytics applications
PyTorch-BigGraph2.3kGenerate embeddings from large-scale graph-structured data.
byteps2.3kA high performance and generic framework for distributed DNN training
AI-Job-Notes2.3kAI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
luminoth2.3k⚠️ UNMAINTAINED. Deep Learning toolkit for Computer Vision.
Alink2.3kAlink is the Machine Learning algorithm platform based on Flink, developed by the PAI team of Alibaba computing platf…
introtodeeplearning2.3kLab Materials for MIT 6.S191: Introduction to Deep Learning
TensorFlow-and-DeepLearning-Tutorial2.3kA TensorFlow & Deep Learning online course I taught in 2016
srgan2.3kPhoto-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
colorization2.3kAutomatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016.
OpenNMT2.3kOpen Source Neural Machine Translation in Torch (deprecated)
Super-SloMo2.3kPyTorch implementation of Super SloMo by Jiang et al.
orange32.3k🍊 📊 💡 Orange: Interactive data analysis https://orange.biolab.si
ENAS-pytorch2.3kPyTorch implementation of "Efficient Neural Architecture Search via Parameters Sharing"
3D-ResNets-PyTorch2.3k3D ResNets for Action Recognition (CVPR 2018)
pomegranate2.3kFast, flexible and easy to use probabilistic modelling in Python.
Faster-RCNN_TF2.3kFaster-RCNN in Tensorflow
datascience2.3kCurated list of Python resources for data science.
deep-learning-from-scratch2.3k『ゼロから作る Deep Learning』(O'Reilly Japan, 2016)
covid-chestxray-dataset2.2kWe are building an open database of COVID-19 cases with chest X-ray or CT images.
deepchem2.2kDemocratizing Deep-Learning for Drug Discovery, Quantum Chemistry, Materials Science and Biology
awesome-learning-resources2.2k🔥 Awesome list of resources on Web Development.
omniscidb2.2kOmniSciDB (formerly MapD Core)
tablesaw2.2kJava dataframe and visualization library
Semantic-Segmentation-Suite2.2kSemantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
FCOS2.2kFCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
spotlight2.2kDeep recommender models using PyTorch.
datasets2.2kTFDS is a collection of datasets ready to use with TensorFlow, Jax, ...
Deep-Learning-for-Recommendation-Systems2.2kThis repository contains Deep Learning based articles , paper and repositories for Recommender Systems
gluon-nlp2.1kNLP made easy
dowhy2.1kDoWhy is a Python library for causal inference that supports explicit modeling and testing of causal assumptions. DoWhy is based on a unified language for causal inference, combining causal graphical models and potential outcomes frameworks.
keras-attention-mechanism2.1kAttention mechanism Implementation for Keras.
Meta-Learning-Papers2.1kMeta Learning / Learning to Learn / One Shot Learning / Few Shot Learning
tacotron2.1kA TensorFlow implementation of Google's Tacotron speech synthesis with pre-trained model (unofficial)
machinelearninginaction2.1kSource Code for the book: Machine Learning in Action published by Manning
BuildingMachineLearningSystemsWithPython2.1kSource Code for the book Building Machine Learning Systems with Python
CHINESE-OCR2.1k[python3.6] 运用tf实现自然场景文字检测,keras/pytorch实现ctpn+crnn+ctc实现不定长场景文字OCR识别
deepdetect2.1kDeep Learning API and Server in C++11 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost an…
XLM2.1kPyTorch original implementation of Cross-lingual Language Model Pretraining.
tensorflow-on-raspberry-pi2.1kTensorFlow for Raspberry Pi
decaNLP2.1kThe Natural Language Decathlon: A Multitask Challenge for NLP
AlphaZero_Gomoku2.1kAn implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)
pytorch-beginner2.1kpytorch tutorial for beginners
tangent2.1kSource-to-Source Debuggable Derivatives in Pure Python
Person_reID_baseline_pytorch2.1kA tiny, friendly, strong pytorch implement of person re-identification baseline. Tutorial 👉https://github.com/layumi/…
mmlspark2kMicrosoft Machine Learning for Apache Spark
FATE2kAn Industrial Level Federated Learning Framework
text-to-image2kText to image synthesis using thought vectors
pytorch-sentiment-analysis2kTutorials on getting started with PyTorch and TorchText for sentiment analysis.
ELF2kAn End-To-End, Lightweight and Flexible Platform for Game Research
catalyst2kAccelerated DL R&D
neuralcoref2k✨Fast Coreference Resolution in spaCy with Neural Networks
DeepRL-Agents2kA set of Deep Reinforcement Learning Agents implemented in Tensorflow.
RL-Adventure2kPytorch Implementation of DQN / DDQN / Prioritized replay/ noisy networks/ distributional values/ Rainbow/ hierarchic…
fe4ml-zh2k📖 [译] 面向机器学习的特征工程
lingvo2kLingvo
pytorch-generative-model-collections2kCollection of generative models in Pytorch version.
ResNeSt2kResNeSt: Split-Attention Networks
TensorFlow-Tutorials2k텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
MUNIT2kMultimodal Unsupervised Image-to-Image Translation
oneDNN2koneAPI Deep Neural Network Library (oneDNN)
deepvariant2kDeepVariant is an analysis pipeline that uses a deep neural network to call genetic variants from next-generation DNA sequencing data.
texar2kToolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow
kaolin2kA PyTorch Library for Accelerating 3D Deep Learning Research
Clairvoyant2kSoftware designed to identify and monitor social/historical cues for short term stock movement
implicit2kFast Python Collaborative Filtering for Implicit Feedback Datasets
DeepRL2kModularized Implementation of Deep RL Algorithms in PyTorch
lgo2kInteractive Go programming with Jupyter
kcws2kDeep Learning Chinese Word Segment
tensorflow-build-archived2kTensorFlow binaries supporting AVX, FMA, SSE
dm_control2kDeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
gpytorch2kA highly efficient and modular implementation of Gaussian Processes in PyTorch
Neural-Photo-Editor1.9kA simple interface for editing natural photos with generative neural networks.
alpha-zero-general1.9kA clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4
tacotron21.9kTacotron 2 - PyTorch implementation with faster-than-realtime inference
siamese-triplet1.9kSiamese and triplet networks with online pair/triplet mining in PyTorch
awesome-quant1.9k中国的Quant相关资源索引
image-super-resolution1.9k🔎 Super-scale your images and run experiments with Residual Dense and Adversarial Networks.
generative_inpainting1.9kDeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
code-of-learn-deep-learning-with-pytorch1.9kThis is code of book "Learn Deep Learning with PyTorch"
gpt-2-simple1.9kPython package to easily retrain OpenAI's GPT-2 text-generating model on new texts
DeepInterests1.9k深度有趣
segmentation_models.pytorch1.9kSegmentation models with pretrained backbones. PyTorch.
human-pose-estimation.pytorch1.9kThe project is an official implement of our ECCV2018 paper "Simple Baselines for Human Pose Estimation and Tracking(h…
BigGAN-PyTorch1.9kThe author's officially unofficial PyTorch BigGAN implementation.
pytorch-playground1.9kBase pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
bertviz1.9kTool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
face.evoLVe.PyTorch1.9k🔥🔥High-Performance Face Recognition Library on PyTorch🔥🔥
Reco-papers1.8kClassic papers and resources on recommendation
coach1.8kReinforcement Learning Coach by Intel AI Lab enables easy experimentation with state of the art Reinforcement Learning algorithms
sling1.8kSLING - A natural language frame semantics parser
pytorch-deeplab-xception1.8kDeepLab v3+ model in PyTorch. Support different backbones.
mmskeleton1.8kA OpenMMLAB toolbox for human pose estimation, skeleton-based action recognition, and action synthesis.
sru1.8kTraining RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
pytorch-seq2seq1.8kTutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Deep-Learning-Interview-Book1.8k深度学习面试宝典(含数学、机器学习、深度学习、计算机视觉、自然语言处理和SLAM等方向)
pai1.8kResource scheduling and cluster management for AI
AI-Blocks1.8kA powerful and intuitive WYSIWYG interface that allows anyone to create Machine Learning models!
scikit-optimize1.8kSequential model-based optimization with a scipy.optimize interface
sequence_tagging1.8kNamed Entity Recognition (LSTM + CRF) - Tensorflow
zh-NER-TF1.8kA very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)
donkeycar1.8kOpen source hardware and software platform to build a small scale self driving car.
edge-connect1.8kEdgeConnect: Structure Guided Image Inpainting using Edge Prediction, ICCV 2019 https://arxiv.org/abs/1901.00212
awd-lstm-lm1.7kLSTM and QRNN Language Model Toolkit for PyTorch
pytorch-kaldi1.7kpytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Bender1.7kEasily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood.
zi2zi1.7kLearning Chinese Character style with conditional GAN
automl-gs1.7kProvide an input CSV and a target field to predict, generate a model + code to run it.
stats1.7kA well tested and comprehensive Golang statistics library package with no dependencies.
ranking1.7kLearning to Rank in TensorFlow
mathAI1.7k一个拍照做题程序。输入一张包含数学计算题的图片,输出识别出的数学计算式以及计算结果。This is a mathematic expression recognition project.
spark-ml-source-analysis1.7kspark ml 算法原理剖析以及具体的源码实现分析
video-object-removal1.7kJust draw a bounding box and you can remove the object you want to remove.
datascience-pizza1.7k🍕 Repositório para juntar informações sobre materiais de estudo em análise de dados e áreas afins, empresas que trabalham com dados e dicionário de conceitos
data-science-interviews1.7kData science interview questions and answers
yolov3-tf21.7kYoloV3 Implemented in Tensorflow 2.0
ComputeLibrary1.7kThe ARM Computer Vision and Machine Learning library is a set of functions optimised for both ARM CPUs and GPUs using SIMD technologies.
tacotron1.7kA TensorFlow Implementation of Tacotron: A Fully End-to-End Text-To-Speech Synthesis Model
DeepLearn1.7kImplementation of research papers on Deep Learning+ NLP+ CV in Python using Keras, Tensorflow and Scikit Learn.
analytics-zoo1.7kDistributed Tensorflow, Keras and PyTorch on Apache Spark/Flink & Ray
PyTorch-NLP1.7kBasic Utilities for PyTorch Natural Language Processing (NLP)
captcha_break1.7k验证码识别
crnn1.7kConvolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
DeblurGAN1.7kImage Deblurring using Generative Adversarial Networks
robosat1.6kSemantic segmentation on aerial and satellite imagery. Extracts features such as: buildings, parking lots, roads, water, clouds
pointnet21.6kPointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space
AutonomousDrivingCookbook1.6kScenarios, tutorials and demos for Autonomous Driving
imgclsmob1.6kSandbox for training convolutional networks for computer vision
tf_unet1.6kGeneric U-Net Tensorflow implementation for image segmentation
torchsample1.6kHigh-Level Training, Data Augmentation, and Utilities for Pytorch
nlp1.6k🤗nlp – Datasets and evaluation metrics for Natural Language Processing in NumPy, Pandas, PyTorch and TensorFlow
hdbscan1.6kA high performance implementation of HDBSCAN clustering.
m2cgen1.6kTransform ML models into a native code (Java, C, Python, Go, JavaScript, Visual Basic, C#, R, PowerShell, PHP, Dart, Haskell, Ruby) with zero dependencies
fastNLP1.6kfastNLP: A Modularized and Extensible NLP Framework. Currently still in incubation.
keras-yolo21.6kEasy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
Awesome-Chatbot1.6kAwesome Chatbot Projects,Corpus,Papers,Tutorials.Chinese Chatbot =>:
knockknock1.6k🚪✊Knock Knock: Get notified when your training ends with only two additional lines of code
MTBook1.6k《机器翻译:统计建模与深度学习方法》肖桐 朱靖波 著 - Machine Translation: Statistical Modeling and Deep Learning Methods
trains1.6kTRAINS - Auto-Magical Experiment Manager & Version Control for AI - NOW WITH AUTO-MAGICAL DEVOPS!
self-driving-car1.6kUdacity Self-Driving Car Engineer Nanodegree projects.
cnn_captcha1.6kuse cnn recognize captcha by tensorflow. 本项目针对字符型图片验证码,使用tensorflow实现卷积神经网络,进行验证码识别。
XLearning1.6kAI on Hadoop
Tacotron-21.6kDeepMind's Tacotron-2 Tensorflow implementation
fast-wavenet1.6kSpeedy Wavenet generation using dynamic programming ⚡
spacy-course1.6k👩‍🏫 Advanced NLP with spaCy: A free online course
gandissect1.6kPytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/
NCRFpp1.6kNCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
stargan-v21.6kStarGAN v2 - Official PyTorch Implementation (CVPR 2020)
tinyflow1.6kTutorial code on how to build your own Deep Learning System in 2k Lines
UNIT1.6kUnsupervised Image-to-Image Translation
ssd_keras1.6kA Keras port of Single Shot MultiBox Detector
cosin1.5k🌲 春松客服,多渠道智能客服系统,开源客服系统
foolbox1.5kA Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX
capsule-networks1.5kA PyTorch implementation of the NIPS 2017 paper "Dynamic Routing Between Capsules".
flogo1.5kProject Flogo is an open source ecosystem of opinionated event-driven capabilities to simplify building efficient & modern serverless functions, microservices & edge apps.
lip-reading-deeplearning1.5k🔓 Lip Reading - Cross Audio-Visual Recognition using 3D Architectures
hummingbird1.5kHummingbird compiles trained ML models into tensor computation for faster inference.
deep-rl-tensorflow1.5kTensorFlow implementation of Deep Reinforcement Learning papers
practical-machine-learning-with-python1.5kMaster the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
NeuroNER1.5kNamed-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
wavenet_vocoder1.5kWaveNet vocoder
awesome-hand-pose-estimation1.5kAwesome work on hand pose estimation/tracking
mAP1.5kmean Average Precision - This code evaluates the performance of your neural net for object recognition.
agents1.5kTF-Agents is a library for Reinforcement Learning in TensorFlow
CADL1.5kARCHIVED: Contains historical course materials/Homework materials for the FREE MOOC course on "Creative Applications of Deep Learning w/ Tensorflow" #CADL
tensorflow-DeepFM1.5kTensorflow implementation of DeepFM for CTR prediction.
tensorflow-1.4-billion-password-analysis1.5kDeep Learning model to analyze a large corpus of clear text passwords.
DAT81.5kGeneral Assembly's 2015 Data Science course in Washington, DC
NeMo1.5kNeMo: a toolkit for conversational AI
Machine-Learning-Flappy-Bird1.5kMachine Learning for Flappy Bird using Neural Network and Genetic Algorithm
ml-visuals1.5kVisuals contains figures and templates which you can reuse and customize to improve your scientific writing.
GANimation1.5kGANimation: Anatomically-aware Facial Animation from a Single Image (ECCV'18 Oral) [PyTorch]
EagleEye1.5kStalk your Friends. Find their Instagram, FB and Twitter Profiles using Image Recognition and Reverse Image Search.
PyTorch-Encoding1.5kA PyTorch CV Toolkit
spark1.5k.NET for Apache® Spark™ makes Apache Spark™ easily accessible to .NET developers.
quiver1.5kInteractive convnet features visualization for Keras
MachineLearning1.5k一些关于机器学习的学习资料与研究介绍
GAT1.5kGraph Attention Networks (https://arxiv.org/abs/1710.10903)
mt-dnn1.4kMulti-Task Deep Neural Networks for Natural Language Understanding
deep-neuroevolution1.4kDeep Neuroevolution
a-PyTorch-Tutorial-to-Object-Detection1.4kSSD: Single Shot MultiBox Detector
labelbox1.4kLabelbox is the fastest way to annotate data to build and ship computer vision applications.
openvino1.4kOpenVINO™ Toolkit repository
awesome-decision-tree-papers1.4kA collection of research papers on decision, classification and regression trees with implementations.
project_alias1.4kAlias is a teachable “parasite” that is designed to give users more control over their smart assistants, both when it comes to customisation and privacy. Through a simple app the user can train Alias to react on a custom wake-word/sound, and once trained, Alias can take control over your home assistant by activating it for you.
data-science-question-answer1.4kA repo for data science related questions and answers
photo2cartoon1.4k人像卡通化探索项目 (photo-to-cartoon translation project)
video2x1.4kA lossless video/GIF/image upscaler achieved with waifu2x, Anime4K, SRMD and RealSR. Started in Hack the Valley 2, 2018.
Tengine1.4kTengine is a lite, high performance, modular inference engine for embedded device
cuml1.4kcuML - RAPIDS Machine Learning Library
BentoML1.4kModel Serving Made Easy
GANotebooks1.4kwgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
MobileNet1.4kMobileNet build with Tensorflow
CRAFT-pytorch1.4kOfficial implementation of Character Region Awareness for Text Detection (CRAFT)
mlr1.4kMachine Learning in R
monodepth21.4kMonocular depth estimation from a single image
TensorKart1.4kself-driving MarioKart with TensorFlow
keras-contrib1.4kKeras community contributions
stellargraph1.4kStellarGraph - Machine Learning on Graphs
GDLnotes1.4kGoogle Deep Learning Notes(TensorFlow教程)
pydensecrf1.4kPython wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
seldon-server1.4kMachine Learning Platform and Recommendation Engine built on Kubernetes
chainercv1.4kChainerCV: a Library for Deep Learning in Computer Vision
tensorflow-nlp1.4kBuilding blocks for NLP and Text Generation in TensorFlow 2.x / 1.x
iOS_ML1.4kList of Machine Learning, AI, NLP solutions for iOS. The most recent version of this article can be found on my blog.
tfgo1.4kTensorflow + Go, the gopher way
bi-att-flow1.4kBi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.
CoreML-in-ARKit1.4kSimple project to detect objects and display 3D labels above them in AR. This serves as a basic Template for an ARKit project to use CoreML.
lightning1.4kLarge-scale linear classification, regression and ranking in Python
DeepFace1.4kFace analysis mainly based on Caffe. At this time, face analysis tasks like detection, alignment and recognition have been done.
torch2trt1.4kAn easy to use PyTorch to TensorRT converter
deepvoice3_pytorch1.4kPyTorch implementation of convolutional neural networks-based text-to-speech synthesis models
sphereface1.4kImplementation for <SphereFace: Deep Hypersphere Embedding for Face Recognition> in CVPR'17.
jeelizFaceFilter1.4kJavascript/WebGL lightweight face tracking library designed for augmented reality webcam filters. Features : multiple faces detection, rotation, mouth opening. Various integration examples are provided (Three.js, Babylon.js, FaceSwap, Canvas2D, CSS3D...).
kaggle-web-traffic1.4k1st place solution
minimalRL1.4kImplementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Machine-Learning-Notes1.4k周志华《机器学习》手推笔记
Gen.jl1.4kA general-purpose probabilistic programming system with programmable inference
faster_rcnn_pytorch1.4kFaster RCNN with PyTorch
sod1.4kAn Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
keras_to_tensorflow1.4kGeneral code to convert a trained keras model into an inference tensorflow model
handtracking1.3kBuilding a Real-time Hand-Detector using Neural Networks (SSD) on Tensorflow
word-rnn-tensorflow1.3kMulti-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
TorchCraft1.3kConnecting Torch to StarCraft
AndroidTensorFlowMachineLearningExample1.3kAndroid TensorFlow MachineLearning Example (Building TensorFlow for Android)
magnitude1.3kA fast, efficient universal vector embedding utility package.
hackermath1.3kIntroduction to Statistics and Basics of Mathematics for Data Science - The Hacker's Way
pytorch-grad-cam1.3kPyTorch implementation of Grad-CAM
grenade1.3kDeep Learning in Haskell
captcha_trainer1.3k[验证码识别-训练] This project is based on CNN/ResNet/DenseNet+GRU/LSTM+CTC/CrossEntropy to realize verification code identification. This project is only for training the model.
anago1.3kBidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
mne-python1.3kMNE : Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python
eos1.3kA lightweight 3D Morphable Face Model fitting library in modern C++14
ngraph1.3knGraph - open source C++ library, compiler and runtime for Deep Learning
NSFWDetector1.3kA NSFW (aka porn) detector with CoreML
open_nsfw_android1.3k🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台
cs230-code-examples1.3kCode examples in pyTorch and Tensorflow for CS230
pytorch-generative-adversarial-networks1.3kA very simple generative adversarial network (GAN) in PyTorch
forecasting1.3kTime Series Forecasting Best Practices & Examples
VIBE1.3kOfficial implementation of CVPR2020 paper "VIBE: Video Inference for Human Body Pose and Shape Estimation"
bulbea1.3k🐗 🐻 Deep Learning based Python Library for Stock Market Prediction and Modelling
electra1.3kELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
scattertext1.3kBeautiful visualizations of how language differs among document types.
talos1.3kHyperparameter Optimization for TensorFlow, Keras and PyTorch
practicalAI-cn1.3kAI实战-practicalAI 中文版
impersonator1.3kPyTorch implementation of our ICCV 2019 paper: Liquid Warping GAN: A Unified Framework for Human Motion Imitation, Appearance Transfer and Novel View Synthesis
gluon-ts1.3kProbabilistic time series modeling in Python
dcgan-completion.tensorflow1.3kImage Completion with Deep Learning in TensorFlow
EfficientDet.Pytorch1.3kImplementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
NeuronBlocks1.3kNLP DNN Toolkit - Building Your NLP DNN Models Like Playing Lego
yolo2-pytorch1.3kYOLOv2 in PyTorch
EmojiIntelligence1.3kNeural Network built in Apple Playground using Swift
efficientnet1.3kImplementation of EfficientNet model. Keras and TensorFlow Keras.
YOLOv3_TensorFlow1.3kComplete YOLO v3 TensorFlow implementation. Support training on your own dataset.
TensorFlow.NET1.3k.NET Standard bindings for Google's TensorFlow for developing, training and deploying Machine Learning models in C#.
pytextrank1.3kPython implementation of TextRank for phrase extraction and summarization of text documents
infer1.3kInfer.NET is a framework for running Bayesian inference in graphical models
uda1.3kUnsupervised Data Augmentation (UDA)
mmaction1.3kAn open-source toolbox for action understanding based on PyTorch
spark-nlp1.3kState of the Art Natural Language Processing
pytorch-semantic-segmentation1.3kPyTorch for Semantic Segmentation
Deep-Learning-Boot-Camp1.2kA community run, 5-day PyTorch Deep Learning Bootcamp
pytorch-openai-transformer-lm1.2k🐥A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI
hiddenlayer1.2kNeural network graphs and training metrics for PyTorch, Tensorflow, and Keras.
PaddleHub1.2kToolkit for Pre-trained Model Application of PaddlePaddle(『飞桨』预训练模型应用工具 )
PhotographicImageSynthesis1.2kPhotographic Image Synthesis with Cascaded Refinement Networks
alpr-unconstrained1.2kLicense Plate Detection and Recognition in Unconstrained Scenarios
Deep-Image-Analogy1.2kThe source code of 'Visual Attribute Transfer through Deep Image Analogy'.
spektral1.2kGraph Neural Networks with Keras and Tensorflow 2.
DeepAA1.2kmake ASCII Art by Deep Learning
vvedenie-mashinnoe-obuchenie1.2k📝 Подборка ресурсов по машинному обучению
OpenSeq2Seq1.2kToolkit for efficient experimentation with Speech Recognition, Text2Speech and NLP
Forge1.2kA neural network toolkit for Metal
keras-yolo31.2kTraining and Detecting Objects with YOLO3
NiftyNet1.2k[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Awesome-TensorFlow-Chinese1.2kAwesome-TensorFlow-Chinese,TensorFlow 中文资源精选,官方网站,安装教程,入门教程,视频教程,实战项目,学习路径。QQ群:167122861,公众号:磐创AI,微信群二维码:http://www.tensorflownews.com/
StudyBook1.2kStudy E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
awesome-semantic-segmentation-pytorch1.2kSemantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
RFBNet1.2kReceptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
GPflow1.2kGaussian processes in TensorFlow
dlwpt-code1.2kCode for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
dlcv_for_beginners1.2k《深度学习与计算机视觉》配套代码
Deep-Learning-with-PyTorch-Tutorials1.2k深度学习与PyTorch入门实战视频教程 配套源代码和PPT
DLTK1.2kDeep Learning Toolkit for Medical Image Analysis
FCN.tensorflow1.2kTensorflow implementation of Fully Convolutional Networks for Semantic Segmentation (http://fcn.berkeleyvision.org)
facenet-pytorch1.2kPretrained Pytorch face detection (MTCNN) and recognition (InceptionResnet) models
h2o-tutorials1.2kTutorials and training material for the H2O Machine Learning Platform
nlp-journey1.2kDocuments, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
object_detector_app1.2kReal-Time Object Recognition App with Tensorflow and OpenCV
tnt1.2kSimple tools for logging and visualizing, loading and training
tensorflow-deeplab-resnet1.2kDeepLab-ResNet rebuilt in TensorFlow
reproducible-image-denoising-state-of-the-art1.2kCollection of popular and reproducible image denoising works.
senet.pytorch1.2kPyTorch implementation of SENet
pytorch-seq2seq1.2kAn open source framework for seq2seq models in PyTorch.
efficient_densenet_pytorch1.2kA memory-efficient implementation of DenseNets
pytorch-retinanet1.2kPytorch implementation of RetinaNet object detection.
cakechat1.2kCakeChat: Emotional Generative Dialog System
pytorch-fcn1.2kPyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
python-machine-learning-book-3rd-edition1.2kThe "Python Machine Learning (3rd edition)" book code repository
tf-quant-finance1.2kHigh-performance TensorFlow library for quantitative finance.
gnes1.1kGNES is Generic Neural Elastic Search, a cloud-native semantic search system based on deep neural network.
Image-OutPainting1.1k🏖 Keras Implementation of Painting outside the box
Fabrik1.1k🏭 Collaboratively build, visualize, and design neural nets in browser
attention-transfer1.1kImproving Convolutional Networks via Attention Transfer (ICLR 2017)
pytorch-cifar1001.1kPractice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet)
MONAI1.1kAI Toolkit for Healthcare Imaging
tensorrec1.1kA TensorFlow recommendation algorithm and framework in Python.
mleap1.1kMLeap: Deploy Spark Pipelines to Production
noreward-rl1.1k[ICML 2017] TensorFlow code for Curiosity-driven Exploration for Deep Reinforcement Learning
PyTorchNLPBook1.1kCode and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
mtcnn1.1kMTCNN face detection implementation for TensorFlow, as a PIP package.
WaveRNN1.1kWaveRNN Vocoder + TTS
UNet-family1.1kPaper and implementation of UNet-related model.
Awesome-pytorch-list-CNVersion1.1kAwesome-pytorch-list 翻译工作进行中......
tensorflow-fcn1.1kAn Implementation of Fully Convolutional Networks in Tensorflow.
BicycleGAN1.1kToward Multimodal Image-to-Image Translation
TensorFlow2.0-Examples1.1k🙄 Difficult algorithm, simple code.
fast-autoaugment1.1kOfficial Implementation of 'Fast AutoAugment' in PyTorch.
fastai_deeplearn_part11.1kNotes for Fastai Deep Learning Course
HyperGAN1.1kComposable GAN framework with api and user interface
home1.1kApacheCN 开源组织:公告、介绍、成员、活动、交流方式
tfx1.1kTFX is an end-to-end platform for deploying production ML pipelines
handwriting-synthesis1.1kHandwriting Synthesis with RNNs ✏️
image-quality-assessment1.1kConvolutional Neural Networks to predict the aesthetic and technical quality of images.
PerceptualSimilarity1.1kLearned Perceptual Image Patch Similarity (LPIPS) metric. In CVPR, 2018.
lanenet-lane-detection1.1kUnofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
uTensor1.1kTinyML AI inference library
torchgan1.1kResearch Framework for easy and efficient training of GANs based on Pytorch
merlin1.1kThis is now the official location of the Merlin project.
CLUE1k中文语言理解基准测评 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
tfjs-node1kTensorFlow powered JavaScript library for training and deploying ML models on Node.js.
CycleGAN-TensorFlow1kAn implementation of CycleGan using TensorFlow
EffectivePyTorch1kPyTorch tutorials and best practices.
hercules1kGaining advanced insights from Git repository history.
AdvancedEAST1kAdvancedEAST is an algorithm used for Scene image text detect, which is primarily based on EAST, and the significant improvement was also made, which make long text predictions more accurate.
one-pixel-attack-keras1kKeras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
CRNN_Chinese_Characters_Rec1k(CRNN) Chinese Characters Recognition.
hmtl1k🌊HMTL: Hierarchical Multi-Task Learning - A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLP
rethinking-network-pruning1kRethinking the Value of Network Pruning (Pytorch) (ICLR 2019)
pytorch-classification1kClassification with PyTorch.
a-PyTorch-Tutorial-to-Image-Captioning1kShow, Attend, and Tell
reformer-pytorch1kReformer, the efficient Transformer, in Pytorch
pytorch-YOLOv41kPyTorch ,ONNX and TensorRT implementation of YOLOv4
FaceMaskDetection1k开源人脸口罩检测模型和数据 Detect faces and determine whether people are wearing mask.
gen-efficientnet-pytorch1kPretrained EfficientNet, EfficientNet-Lite, MixNet, MobileNetV3 / V2, MNASNet A1 and B1, FBNet, Single-Path NAS
open-reid1kOpen source person re-identification library in python
wgan-gp1kA pytorch implementation of Paper "Improved Training of Wasserstein GANs"