Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
100-Days-Of-ML-Code-1
100-Days-Of-ML-Code中文版
360-gaussian-splatting
This repository contains programs for reconstructing 3D space using OpenSfM and Gaussian Splatting techniques. It allows users to generate point clouds from images captured by a 360-degree camera using OpenSfM, and then train Gaussian Splatting models using the generated point clouds.
ad_examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
ai-edu
AI education materials for Chinese students, teachers and IT professionals.
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
pumpkin-book---
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
tensorflow_face_recognition
使用tensorflow和海康威视ip摄像头进行人脸识别
fanjing8's Repositories
fanjing8/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
fanjing8/100-Days-Of-ML-Code
100 Days of ML Coding
fanjing8/Algorithm
算法导论python实现
fanjing8/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
fanjing8/awesome-deep-learning-papers
The most cited deep learning papers
fanjing8/Awesome-PyTorch-Chinese
【干货】史上最全的PyTorch学习资源汇总
fanjing8/banpei
Anomaly detection library based on singular spectrum transformation(sst)
fanjing8/CH-ML-ScikitLearn-TensorFlow
:book: [译] Sklearn 与 TensorFlow 机器学习实用指南【版权问题,网站已下线!!】
fanjing8/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
fanjing8/cplusplus-_Implementation_Of_Introduction_to_Algorithms
《算法导论》第三版中算法的C++实现
fanjing8/deep-learning-with-keras-notebooks
Jupyter notebooks for using & learning Keras
fanjing8/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
fanjing8/feature-engineering-for-ml-zh
:book: [译] 面向机器学习的特征工程
fanjing8/ImageBasedModellingEduV1.0
fanjing8/Industrial-Internet-Application-Development
Industrial-Internet-Application-Development, published by Packt
fanjing8/Kafka-Flink-Rabbitmq-Demo
a little demo
fanjing8/Kalman-and-Bayesian-Filters-in-Python
Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
fanjing8/keras-anomaly-detection
Anomaly detection implemented in Keras
fanjing8/KitNET-py
KitNET is a lightweight online anomaly detection algorithm, which uses an ensemble of autoencoders.
fanjing8/Knife
fanjing8/Machine-learning-learning-notes
周志华《机器学习》又称西瓜书是一本较为全面的书籍,书中详细介绍了机器学习领域不同类型的算法(例如:监督学习、无监督学习、半监督学习、强化学习、集成降维、特征选择等),记录了本人在学习过程中的理解思路与扩展知识点,希望对新人阅读西瓜书有所帮助!
fanjing8/MachineLearning_Python
机器学习算法python实现
fanjing8/novelty-detection
Latent space autoregression for novelty detection.
fanjing8/PCA_FDD
fanjing8/PRML
PRML algorithms implemented in Python
fanjing8/pyod
A Python Toolbox for Scalable Outlier Detection (Anomaly Detection)
fanjing8/RNN-Time-series-Anomaly-Detection
RNN based Time-series Anomaly detector model implemented in Pytorch.
fanjing8/the-gan-zoo
A list of all named GANs!
fanjing8/tsfresh-feature-translation
[译]tsfresh特征提取工具可提取的特征
fanjing8/Visual-Feature-Attribution-Using-Wasserstein-GANs-Pytorch
Implementation of Visual Feature Attribution using Wasserstein GANs (VAGANs, https://arxiv.org/abs/1711.08998) in PyTorch