Pinned Repositories
awesome-AutoML-and-Lightweight-Models
A list of high-quality (newest) AutoML works and lightweight models including 1.) Neural Architecture Search, 2.) Lightweight Structures, 3.) Model Compression, Quantization and Acceleration, 4.) Hyperparameter Optimization, 5.) Automated Feature Engineering.
awesome-automl-papers
A curated list of automated machine learning papers, articles, tutorials, slides and projects
awesome-industrial-machine-datasets
Awesome-NAS
A curated list of neural architecture search (NAS) resources.
bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
c-cmaes
CMA-ES written in ANSI C (yet fairly object-oriented)
caffe-android-demo
An android caffe demo app exploiting caffe pre-trained ImageNet model for image classification
CnC_Remastered_Collection
CVPR2022-NAS-Track-2-20-
deep-learning-papers-translation
深度学习论文翻译,包括分类论文,检测论文等
Johnzhjw's Repositories
Johnzhjw/ITensor
A C++ library for efficient tensor network calculations
Johnzhjw/AlphaX-NASBench101
Neural Architecture Search with Deep Neural Network and Monte Carlo Tree Search
Johnzhjw/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
Johnzhjw/go-explore
Code for Go-Explore: a New Approach for Hard-Exploration Problems
Johnzhjw/keras
Deep Learning for humans
Johnzhjw/darknet
Convolutional Neural Networks
Johnzhjw/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
Johnzhjw/wtfiswronghere
A collection of simple errors that beginners are likely to hit when they start writing Python.
Johnzhjw/gym
A toolkit for developing and comparing reinforcement learning algorithms.
Johnzhjw/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
Johnzhjw/machine_learning_and_application_v1
本项目代码为雷明老师18年12月在清华出版社出版的《机器学习与应用》第一版中的配套代码,欢迎登录www.sigai.cn试听雷老师《机器学习》《深度学习》视频
Johnzhjw/GNNPapers
Must-read papers on graph neural network (GNN)
Johnzhjw/dynet
DyNet: The Dynamic Neural Network Toolkit
Johnzhjw/PyTorch_Tutorial
《Pytorch模型训练实用教程》中配套代码
Johnzhjw/MobileNet-YOLO
A caffe implementation of MobileNet-YOLO detection network
Johnzhjw/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
Johnzhjw/tiny-dnn
header only, dependency-free deep learning framework in C++14
Johnzhjw/tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
Johnzhjw/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Johnzhjw/nnabla
Neural Network Libraries
Johnzhjw/caffe
Caffe: a fast open framework for deep learning.
Johnzhjw/bert
TensorFlow code and pre-trained models for BERT
Johnzhjw/DeepHyperNEAT
A public python implementation of the DeepHyperNEAT system developed by Felix Sosa and Kenneth Stanley for evolving neural networks. See paper here: https://eplex.cs.ucf.edu/papers/sosa_ugrad_report18.pdf
Johnzhjw/arxiv-sanity-preserver
Web interface for browsing, search and filtering recent arxiv submissions
Johnzhjw/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
Johnzhjw/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为15个章节,近20万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
Johnzhjw/PlatEMO
Evolutionary multi-objective optimization platform
Johnzhjw/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
Johnzhjw/tensorflow
An Open Source Machine Learning Framework for Everyone
Johnzhjw/MOEAs