Pinned Repositories
caffe
Caffe: a fast open framework for deep learning.
caffe-model
Python script to generate prototxt on Caffe, specially the inception_v3 \ inception_v4 \ inception_resnet \ fractalnet
caffe_deploy
cnn-models
ImageNet pre-trained models with batch normalization
ComputerArchitecture
deep-residual-networks
Deep Residual Learning for Image Recognition
Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
ExCP
Official implementation of ICML 2024 paper "ExCP: Extreme LLM Checkpoint Compression via Weight-Momentum Joint Shrinking".
Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.
aw_nas
aw_nas: A Modularized and Extensible NAS Framework
Gaffey's Repositories
Gaffey/ExCP
Official implementation of ICML 2024 paper "ExCP: Extreme LLM Checkpoint Compression via Weight-Momentum Joint Shrinking".
Gaffey/caffe_deploy
Gaffey/Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Gaffey/cnn-models
ImageNet pre-trained models with batch normalization
Gaffey/deep-residual-networks
Deep Residual Learning for Image Recognition
Gaffey/dnn-watermark
Implementation of "Embedding Watermarks into Deep Neural Networks," in Proc. of ICMR'17.
Gaffey/Efficient-Computing
Efficient-Computing
Gaffey/hub
Submission to https://pytorch.org/hub/
Gaffey/Inception-resnet-v2
Inception-resnet-v2 in Caffe
Gaffey/ML-KWS-for-MCU
Keyword spotting on Arm Cortex-M Microcontrollers
Gaffey/mnist_challenge
A challenge to explore adversarial robustness of neural networks on MNIST.
Gaffey/MobileNetv2-SSDLite
Caffe implementation of SSD and SSDLite detection on MobileNetv2, converted from tensorflow.
Gaffey/models
Models and examples built with TensorFlow
Gaffey/Movie-Review-Sentiment-Analysis-LSTM-Pytorch
Classifying movie reviews as positive or negative using Word2Vec Embeddings & LSTM network
Gaffey/NetLogin
Gaffey/nics_fix
Gaffey/pytorch-cifar
95.16% on CIFAR10 with PyTorch
Gaffey/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
Gaffey/pytorch_imagenet
PyTorch implementation of AlexNet
Gaffey/ResNet
ResNet baseline for my caffe
Gaffey/resnet-cifar10-caffe
ResNet 20 32 44 56 110 for CIFAR10 with caffe
Gaffey/resnet-imagenet-caffe
train resnet on imagenet from scratch with caffe
Gaffey/ResNet-on-Cifar10
Reimplementation ResNet on cifar10 with caffe
Gaffey/SENet
Squeeze-and-Excitation Networks
Gaffey/SGEMM-Implementation-and-Optimization
:pencil: Some source code about matrix multiplication implementation on CUDA
Gaffey/ShiftAddNet
[NeurIPS 2020] ShiftAddNet: A Hardware-Inspired Deep Network
Gaffey/small-target
Gaffey/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow
Gaffey/styleguide
Style guides for Google-originated open-source projects
Gaffey/tiny_imagenet
TensorFlow Deep CNN for Tiny ImageNet Problem