Pinned Repositories
14.Neural_Network_RNN
This repository dives into the basics of a Recurrent Neural Netowrk. It contains an example of a RNN network using Keras API to predict: (i). A single character following a series of characters, (ii). A word following a series of words(sentence). Also it contains the usage of LSTM networks.
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Anomaly-Detection-and-Recommender-Systems
In the repo, we implement anomaly detection (Gaussian fitting) and recommender systems (collaborative filtering) in python and scikit learn based on Andrew Ng's machine learning course.
Baikespider
Fetch the url\title\summary from baike
cat-dog-image-classifier
This Repository contains cat dog image classifier model implemented Using Convolutional Neural Network.
Cats-Dogs-with-keras
An image classifier to identify pictures of cats and dogs absed on very little data.(inspired by fchollet's blog on blog.keras.io)
ChatGPT-miniprogram
🤖 ChatGPT 小程序
ChatGPT-wxapp
ChatGPT微信小程序源码
ChatGPT_DA
"Data sets and resources for the book 'Data Analysis with ChatGPT'. This repository contains practical projects, sample code, and data used throughout the book, providing readers with hands-on experience in data analysis."
cnn_medium.
A simple binary classifier to predict if the given image is a cat or a dog.
flarexin's Repositories
flarexin/14.Neural_Network_RNN
This repository dives into the basics of a Recurrent Neural Netowrk. It contains an example of a RNN network using Keras API to predict: (i). A single character following a series of characters, (ii). A word following a series of words(sentence). Also it contains the usage of LSTM networks.
flarexin/AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
flarexin/Anomaly-Detection-and-Recommender-Systems
In the repo, we implement anomaly detection (Gaussian fitting) and recommender systems (collaborative filtering) in python and scikit learn based on Andrew Ng's machine learning course.
flarexin/Baikespider
Fetch the url\title\summary from baike
flarexin/cat-dog-image-classifier
This Repository contains cat dog image classifier model implemented Using Convolutional Neural Network.
flarexin/Cats-Dogs-with-keras
An image classifier to identify pictures of cats and dogs absed on very little data.(inspired by fchollet's blog on blog.keras.io)
flarexin/ChatGPT-miniprogram
🤖 ChatGPT 小程序
flarexin/ChatGPT-wxapp
ChatGPT微信小程序源码
flarexin/ChatGPT_DA
"Data sets and resources for the book 'Data Analysis with ChatGPT'. This repository contains practical projects, sample code, and data used throughout the book, providing readers with hands-on experience in data analysis."
flarexin/cnn_medium.
A simple binary classifier to predict if the given image is a cat or a dog.
flarexin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
flarexin/Customer-Segmentation-with-Unsupervised-Learning
This project uses data exploration, data preprocessing, PCA, and clustering algorithms to profile an unlabeled group of businesses to create a customer segmentation profile.
flarexin/flask-minist-number
flarexin/Fruit-Images-Dataset
Fruits-360: A dataset of images containing fruits and vegetables
flarexin/Hello-World
First version 20170806
flarexin/Hello-World2
a
flarexin/iaml2017
Introductory Applied Machine Learning (INFR09029)
flarexin/image-caption-generator
A Neural Network based generative model for captioning images using Tensorflow
flarexin/iris-classification-SVM-sklearn
# iris-classification-SVM fully explain about SVM and train model of iris classification using SVM algorithm in sklearn
flarexin/K-Means-and-Principal-Component-Analysis
Implementation of K-Means and Principal Component Analysis from scratch and in scikit learn. Based on Andrew Ng's Coursera class.
flarexin/kaggle-dogs-vs-cats
基于Keras实现Kaggle2013--Dogs vs. Cats12500张猫狗图像的精准分类
flarexin/keras
Deep Learning for humans
flarexin/KMeans_elbow
Code for determining optimal number of clusters for K-means algorithm using the 'elbow criterion'
flarexin/KNN-implementation-from-scratch
KNN is one of the famous classification algorithms. Here I have tried to implement it from scratch on a real life dataset and compared the accuracy by running it again on scikit learn
flarexin/Multivariate-Regression-USA_Housing
flarexin/PassOrFailClassification
Quick use of logistic regression with and without polynomial features.
flarexin/PCA-On-IRIS-Dataset-With-Classification-Using-KNNC
In this repository , You can find the files which implements Principal Component Analysis on Iris Dataset and Classification using K-Nearest Neighbor Classifier.
flarexin/Regularized-Logistic-Regression
In this repository, we will implement regularized logistic regression to predict whether microchips from a fabrication plant passes quality assurance (QA)
flarexin/Visualizing-a-Decision-Tree-Machine-Learning
This machine learning program uses sklearn and numpy to create a decision tree. From provided data, the program will use the decison tree as a flow chart, predicting details of the flower the data is based on.