Giter Site home page Giter Site logo

fengbingchun / nn_test Goto Github PK

View Code? Open in Web Editor NEW
337.0 19.0 272.0 329.42 MB

This project contains some neural network code

Home Page: http://blog.csdn.net/fengbingchun/article/category/780354

C++ 81.27% CMake 3.19% Batchfile 0.29% Python 2.18% C 3.05% Shell 0.25% Makefile 0.42% HTML 3.11% Java 3.79% M4 2.37% MATLAB 0.03% Dockerfile 0.04%

nn_test's Introduction

NN_Test

This project contains some neural network code(Note: depend on opencv/libtorch/onnxruntime):

  • neural network code(C++)
    • Perceptron
    • BP(Back Propagation)
    • CNN(Convolutional Neural Networks)
    • Linear Regression(gradient descent、least squares)
    • Naive Bayes Classifier(sex classification)
    • Logistic Regression(gradient descent, Batch/Mini Batch)
    • KNN(K-Nearest Neighbor, classification)
    • PCA(Principal Components Analysis)
    • single hidden layer(two categories)
    • K-Means
    • Decision Tree(CART)
    • YOLOv8(OpenCV DNN, libtorch, onnxruntime)
      • Object Detection
      • Instance Segmentation
  • mathematical formula's implement with C++
    • Linear Algebra
      • transpose
      • determinant
      • adjoint matrix
      • inverse matrix
      • norm(vector、matrix)
      • eigenvalues/eigenvectors(real symmetric matrix)
      • SVD(Singular Value Decomposition)
      • pseudoinverse
      • trace
    • Probability
      • mean、variance、standard deviation
      • covariance matrix
    • Activation Function
      • logistic sigmoid function
      • softplus function
      • ReLU(rectified linear unit)
      • Leaky ReLUs(leaky rectified linear units)
      • ELUs(Exponential linear units)
      • softmax function
      • tanh(Hyperbolic tangent)
    • Loss Function
      • MSE(Mean Square Error)
      • Cross-Entropy
    • Optimization
      • BGD(Batch Gradient Descent)
      • SGD(Stochastic Gradient Descent)
      • MBGD(Mini-batch Gradient Descent)
      • SGD with Momentum
      • AdaGrad(Adaptive Gradient)
      • RMSProp(Root Mean Square Propagation)
      • Adadelta(an adaptive learning rate method)
      • Adam(Adaptive Moment Estimation)
      • AdaMax(a variant of Adam based on the infinity norm)
      • NAG(Nesterov Accelerated Gradient)
      • Nadam(Nesterov-accelerated Adaptive Moment Estimation)
    • Layers
      • Dropout
      • LRN(Local Response Normalization)
      • BN(Batch Normalization)
    • common algorithm
      • Brute Force(string match)
      • Triangle similarity(monocular ranging)
  • open source library's usage(C++)
    • tiny-cnn GitHub
    • tiny-dnn GitHub
    • libsvm GitHub
    • OpenCV GitHub
      • Logistic Regression
      • Support Vector Machines(SVM)
      • KNN(K-Nearest Neighbor)
      • Decision Tree
      • PCA(Principal Components Analysis)
      • k-means
  • Python code(support windows and linux platform)
  • Database convert to Images or Images conver to Database
    • MNIST
    • CIFAR10/CIFAR100
    • ORL Faces Database

The project support platform:

  • windows10 64 bits: It can be directly build with VS2022 in windows10 64bits.
  • Linux:
    • DatasetToImage support cmake build(file position: prj/linux_cmake_DatasetToImage)
    • Math support cmake build(file position: prj/linux_cmake_Math)
    • tiny-cnn support cmake build(file position: prj/linux_cmake_tiny-cnn)
    • tiny-dnn support cmake build(file position: prj/linux_cmake_tiny-dnn)
    • NN support cmake build(file position: prj/linux_cmake_NN)

Windows VS Screenshot:

Blog: fengbingchun

nn_test's People

Contributors

fengbingchun avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

nn_test's Issues

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.