philusnarh / PROJECT

1 stars 0 forks source link

ml, Image analysis, Optimisation Lecture Notes #30

Open philusnarh opened 5 years ago

philusnarh commented 5 years ago

Lecture Courses http://www.robots.ox.ac.uk/~az/lectures/ https://www.gaussianwaves.com/2013/11/simulation-and-analysis-of-white-noise-in-matlab/ https://github.com/oxford-cs-deepnlp-2017 http://www.robots.ox.ac.uk/~az/lectures/ml/

B1 Optimization (Michaelmas Term 2018) AIMS-CDT Computer Vision (Hilary Term 2017) C19 Machine Learning (Hilary Term 2015) B14 Image Analysis (Michaelmas Term 2014) C25 Optimization (Hilary Term 2013) C4B Computer Vision (Michaelmas Term 2009) B4 Estimation and Inference (Hilary Term 2007) Introduction https://www.python-course.eu/expectation_maximization_and_gaussian_mixture_models.php

KNN from Scratch https://machinelearningmastery.com/tutorial-to-implement-k-nearest-neighbors-in-python-from-scratch/

ml from scratch https://machinelearningmastery.com/scale-machine-learning-data-scratch-python/

How to split your dataset to train and test datasets using SciKit Learn https://medium.com/@contactsunny/how-to-split-your-dataset-to-train-and-test-datasets-using-scikit-learn-e7cf6eb5e0d

How and When to Use ROC Curves and Precision-Recall Curves for Classification in Python https://machinelearningmastery.com/roc-curves-and-precision-recall-curves-for-classification-in-python/ https://blog.exsilio.com/all/accuracy-precision-recall-f1-score-interpretation-of-performance-measures/ https://pdfs.semanticscholar.org/6174/3124c2a4b4e550731ac39508c7d18e520979.pdf https://medium.com/greyatom/performance-metrics-for-classification-problems-in-machine-learning-part-i-b085d432082b

violin plots https://mode.com/blog/violin-plot-examples

Supervised Machine Learning: Classification

https://towardsdatascience.com/supervised-machine-learning-classification-5e685fe18a6d

Data Science Pipeline https://medium.com/data-deft/data-science-pipeline-in-python-255150adb98f

CNN from scratch Building Convolutional Neural Network using NumPy from Scratch

Detecting malaria using deep learning https://towardsdatascience.com/detecting-malaria-using-deep-learning-fd4fdcee1f5a

A Gentle Introduction to Graph Neural Networks (Basics, DeepWalk, and GraphSage) https://towardsdatascience.com/a-gentle-introduction-to-graph-neural-network-basics-deepwalk-and-graphsage-db5d540d50b3

Logistic Regression classifier on Census Income Data https://towardsdatascience.com/logistic-regression-classifier-on-census-income-data-e1dbef0b5738

Support Vector Machine vs Logistic Regression https://towardsdatascience.com/support-vector-machine-vs-logistic-regression-94cc2975433f

Kaggle download link

https://codelabs.developers.google.com/codelabs/upload-update-data-kaggle-api/index.html?index=..%2F..%2Findex#4 https://github.com/Kaggle/kaggle-api https://github.com/neptune-ml/open-solution-ship-detection https://github.com/Ram81/Airbus-Ship-Detection

Save and Load Your Keras Deep Learning Models https://machinelearningmastery.com/save-load-keras-deep-learning-models/

Predict Population Growth Using Linear Regression — Machine Learning Easy and Fun https://medium.com/analytics-vidhya/predict-population-growth-using-linear-regression-machine-learning-d555b1ff8f38

** airbus ship detection https://github.com/maciej3031/ship_detection

How to Develop Your First XGBoost Model in Python with scikit-learn https://machinelearningmastery.com/develop-first-xgboost-model-python-scikit-learn/

Evaluate the Performance of Machine Learning Algorithms in Python using Resampling https://machinelearningmastery.com/evaluate-performance-machine-learning-algorithms-python-using-resampling/

Pillow https://www.pythonforbeginners.com/gui/how-to-use-pillow

Keras tutorial – build a convolutional neural network in 11 lines

https://keras.io/visualization/ https://adventuresinmachinelearning.com/keras-tutorial-cnn-11-lines/ https://machinelearningmastery.com/visualize-deep-learning-neural-network-model-keras/

How to Visualize Gradient Boosting Decision Trees With XGBoost in Python

https://machinelearningmastery.com/visualize-gradient-boosting-decision-trees-xgboost-python/

KerasClassifier

https://machinelearningmastery.com/use-keras-deep-learning-models-scikit-learn-python/

Kerasregression https://machinelearningmastery.com/regression-tutorial-keras-deep-learning-library-python/

A Gentle Introduction to LSTM Autoencoders https://machinelearningmastery.com/lstm-autoencoders/

Learn how to Build Neural Networks from Scratch in Python for Digit Recognition https://medium.com/analytics-vidhya/neural-networks-for-digits-recognition-e11d9dff00d5

philusnarh commented 5 years ago

Face Recognition

http://app.visgraf.impa.br/database/faces/ http://www.consortium.ri.cmu.edu/ckagree/ https://grail.cs.washington.edu/projects/deepexpr/ferg-db.html http://www.kasrl.org/jaffe.html

Gentle Dive into Math Behind Convolutional Neural Networks https://towardsdatascience.com/gentle-dive-into-math-behind-convolutional-neural-networks-79a07dd44cf9

A Gentle Introduction to Normality Tests in Python

https://machinelearningmastery.com/a-gentle-introduction-to-normality-tests-in-python/

Kaggle Xgboost https://www.kaggle.com/stuarthallows/using-xgboost-with-scikit-learn

Support Vector Machines with Scikit-learn https://www.datacamp.com/community/tutorials/svm-classification-scikit-learn-python

Wavelet LSTM https://www.kaggle.com/wimwim/wavenet-lstm