Pinned Repositories
amira_image_cls
image tag web from data dir
favaro_text_classification
text classification test
he_weather_api
python class to fetch info from heweather and crawl history data from wunderground.
kaggle_iceberg_ship
kaggle iceberg or ship ? competition
kaggle_spooky
kaggle spooky competition
kaggle_toxic
kaggle toxic competition
nn_lib_benchmark
deep learning library benchmarks, use cifar-10 for test. :neckbeard: :octocat:
outlier_detection
lib for outlier detection
speakers_counter
only focus on counting speakers
tensorflow-object-detection-example
AloneGu's Repositories
AloneGu/kaggle_iceberg_ship
kaggle iceberg or ship ? competition
AloneGu/ML-From-Scratch
Machine Learning From Scratch. Bare bones Python implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from data mining to deep learning.
AloneGu/annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
AloneGu/Awesome-Image-Inpainting
AloneGu/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
AloneGu/ChatGLM2-6B
ChatGLM2-6B: An Open Bilingual Chat LLM | 开源双语对话语言模型
AloneGu/cmake-examples
Useful CMake Examples
AloneGu/Deep-Learning-Interview-Book
深度学习面试宝典(含数学、机器学习、深度学习、计算机视觉、自然语言处理和SLAM等方向)
AloneGu/ECBSR
Edge-oriented Convolution Block for Real-time Super Resolution on Mobile Devices, ACM Multimedia 2021
AloneGu/inpainting-gmcnn-keras
Keras implementation of "Image Inpainting via Generative Multi-column Convolutional Neural Networks" paper published at NIPS 2018
AloneGu/kaggle_tgs_salt
kaggle: https://www.kaggle.com/c/tgs-salt-identification-challenge
AloneGu/kaggle_whale
AloneGu/keras-shufflenetV2
Keras implementation of ShuffleNet V2
AloneGu/keras-transformer
Transformer implemented in Keras
AloneGu/keras_tf_neural_img
keras tf, fast neural style image
AloneGu/LOUPE_Keras
Rewrite the LOUPE library (https://github.com/antoine77340/LOUPE) into Keras version. Many learnable pooling or differentiable aggregation methods are covered. (NetVLAD, NetRVLAD, SoftDBoW, NetFV, CG)
AloneGu/machine-learning-notes
My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (2000+ slides) 我不间断更新的机器学习,概率模型和深度学习的讲义(2000+页)和视频链接
AloneGu/MNN-APPLICATIONS
MNN applications by MNN, JNI exec, RK3399. Support tflite\tensorflow\caffe\onnx models.
AloneGu/MobileNet-Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
AloneGu/MobileNetV3
A Keras implementation of MobileNetV3.
AloneGu/modern-cpp-tutorial
📚 Modern C++ Tutorial: C++11/14/17/20 On the Fly
AloneGu/neural_renderer
A PyTorch port of the Neural 3D Mesh Renderer
AloneGu/opencv_3rdparty
OpenCV - 3rdparty
AloneGu/opencv_contrib
Repository for OpenCV's extra modules
AloneGu/pyheif
Python 3.6+ interface to libheif library
AloneGu/Python-For-Kids
A comprehensive and FREE Online Python Development tutorial FOR KIDS utilizing an official BBC micro:bit Development Board going step-by-step into the world of Python for microcontrollers.
AloneGu/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
AloneGu/stanford-cs-221-artificial-intelligence
VIP cheatsheets for Stanford's CS 221 Artificial Intelligence
AloneGu/Statistical-Learning-Method_Code
手写实现李航《统计学习方法》书中全部算法
AloneGu/yolov7-face
yolov7 face detection with landmark