Self-Learning - Books Papers, Courses & more I have to learn soon

Overview

Self-Learning

This repository is intended to be used for personal use, all rights reserved to respective owners, please cite original authors and ask for permissions as specified in any document present here-in

Study Material

Basic

  • Linear Algebra Gilbert Strang
  • Probability & Statistics basics
  • Hands On Machine learning Book
  • Piyush Rai Slides, IIT-K
  • [ ]

Advanced

  • Elements of Statistical Learning Theory
  • Pattern Recognition & Machine Learning .Bishop
  • Deep learning .Goodfellow
  • Reinforcement Learning
  • Time Series
  • [ ]

DeepLearning.Ai

  • Deep Learning Specialization
  • Tensorflow in Practice
  • Tensorflow: Data & Deployment
  • AI for Everyone

YouTube Courses

  • 3Blue1Brown (LA, Calculus, DiffEq, Neural Networks)
  • Advanced Deep & Reinforcement Learning
  • Reinforcement Learning - David Silver

MIT-OCW

  • Linear Algebra
  • Introduction to Probability
  • Matrix Methods in Data Analysis, Signal Processing, and Machine Learning
  • Introduction to Algorithms
  • Design and Analysis of Algorithms

NPTEL

  • Numerical Optimization
  • Pattern Recognition and Neural Networks

Stanford

  • Natural Language Understanding
  • NLP with Deep Learning
  • Deep Learning
  • Reinforcement Learning

Projects

  • Image Classification
  • SISR, CAR, Denoising
  • Sentiment Analysis/Classification
  • Adversarial Machine Learning
  • Style Transfer/Generation
  • Time Series Forecasting
  • Cardinality Estimation
  • [ ]
  • Question Answering
  • Speech Synthesis
  • Text to SQL
  • Audio Source Separation
  • [ ]
  • [ ]
conda update conda
conda create -n py38 python=3.8
conda activate py38
conda install numpy scipy sympy matplotlib seaborn holoviews panel bokeh pandas scikit-learn scikit-image pillow ipython jupyter numba joblib dask dask-ml h2o django flask gevent requests lightgbm catboost nltk imbalanced-learn
pip install --upgrade opencv-python streamlit jupyter_http_over_ws xgboost
pip install --upgrade tensorflow keras-tuner
conda update --all

import tensorflow as tf
tf.config.list_physical_devices('GPU')

jupyter serverextension enable --py jupyter_http_over_ws
jupyter notebook --NotebookApp.allow_origin='https://colab.research.google.com' --port=6006 --NotebookApp.port_retries=0

conda create -n py38 python=3.8 --no-default-packages
conda remove -n py38 --all

conda install -c anaconda-nb-extensions nb_conda
conda install -c anaconda psycopg2

# Teamviewer Not Launching in Ubuntu18.04
systemctl restart teamviewerd

python 

SciPy Stack (Numpy, Matplotlib, Pandas, SymPy & Scipy Included)

https://scipy.org

SEABORN (Powerful pretty plotting library)

https://seaborn.pydata.org

Scikit-Learn (Standard ML and many algorithms implemented)

https://scikit-learn.org/stable/

High-level Neural Network API (Yet customizable)

https://keras.io

Visualising Neural Network Training, Computation graph and a lot

https://www.tensorflow.org/tensorboard

Backend for Keras, Powerful tool for ML/DL & Simulation research

https://www.tensorflow.org

Distributed load balanced data handling (over-system & clusters)

https://dask.org

ML implementation of Most Scikit-learn Algorithms, highly scalable

https://ml.dask.org

Great examples on how to use DASK

https://examples.dask.org

Machine learning, Data processing & more on Nvidia GPU

https://rapids.ai

Building High level data apps with Ease

https://www.streamlit.io

TF projector for visualization with Dimensionality reduction

https://projector.tensorflow.org

Creating VMs (Infra+Platform) over GCP

https://console.cloud.google.com/getting-started

Codelabs provide a Step-wise, learning tutorials, hands-on coding experience. To build a small application OR adding features into existing application

https://codelabs.developers.google.com

Connecting Google colab notebooks to local runtime

https://research.google.com/colaboratory/local-runtimes.html

Connecting Google Colab to Local Runtime

pip install jupyter_http_over_ws

jupyter serverextension enable --py jupyter_http_over_ws

jupyter notebook
--NotebookApp.allow_origin='https://colab.research.google.com'
--port=6006
--NotebookApp.port_retries=0

https://github.com/quantopian/zipline https://github.com/EliteQuant/EliteQuant https://github.com/ashishpatel26/Tools-to-Design-or-Visualize-Architecture-of-Neural-Network

Windows/Linux Utility Software

  • 7-zip
  • Adobe Reader DC
  • Anaconda3
  • AnyDesk
  • AOMEI Partition Wizard
  • CISCO AnyConnect
  • Dev-C++
  • Free Download Manager
  • Git
  • Google Chrome
  • Java SDK
  • MS Office/One-Drive
  • VS Code
  • Mozilla Firefox
  • PostgreSQL
  • PowerISO
  • Putty
  • Samsung Magician
  • Spotify
  • Sublime Text 3
  • TeamViewer
  • Universal ADB driver for Vysor
  • VLC Media Player
  • WinRAR
  • WinSCP

Hobby-Projects

Owner
Achint Chaudhary
Computer Science Masters at Indian Institute of Science, Bangalore
Achint Chaudhary
Implementation of the paper "Generating Symbolic Reasoning Problems with Transformer GANs"

Generating Symbolic Reasoning Problems with Transformer GANs This is the implementation of the paper Generating Symbolic Reasoning Problems with Trans

Reactive Systems Group 1 Apr 18, 2022
A memory-efficient implementation of DenseNets

efficient_densenet_pytorch A PyTorch =1.0 implementation of DenseNets, optimized to save GPU memory. Recent updates Now works on PyTorch 1.0! It uses

Geoff Pleiss 1.4k Dec 25, 2022
Deep Learning agent of Starcraft2, similar to AlphaStar of DeepMind except size of network.

Introduction This repository is for Deep Learning agent of Starcraft2. It is very similar to AlphaStar of DeepMind except size of network. I only test

Dohyeong Kim 136 Jan 04, 2023
PyTorch Implementation of DSB for Score Based Generative Modeling. Experiments managed using Hydra.

Diffusion Schrödinger Bridge with Applications to Score-Based Generative Modeling This repository contains the implementation for the paper Diffusion

James Thornton 50 Jan 03, 2023
Official PyTorch implementation of "RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on" (IJCAI-ECAI 2022)

RMGN-VITON RMGN: A Regional Mask Guided Network for Parser-free Virtual Try-on In IJCAI-ECAI 2022(short oral). [Paper] [Supplementary Material] Abstra

27 Dec 01, 2022
Pytorch implementation of the Variational Recurrent Neural Network (VRNN).

VariationalRecurrentNeuralNetwork Pytorch implementation of the Variational RNN (VRNN), from A Recurrent Latent Variable Model for Sequential Data. Th

emmanuel 251 Dec 17, 2022
Equipped customers with insights about their EVs Hourly energy consumption and helped predict future charging behavior using LSTM model

Equipped customers with insights about their EVs Hourly energy consumption and helped predict future charging behavior using LSTM model. Designed sample dashboard with insights and recommendation for

Yash 2 Apr 07, 2022
The Most Efficient Temporal Difference Learning Framework for 2048

moporgic/TDL2048+ TDL2048+ is a highly optimized temporal difference (TD) learning framework for 2048. Features Many common methods related to 2048 ar

Hung Guei 5 Nov 23, 2022
Official Pytorch Implementation of Adversarial Instance Augmentation for Building Change Detection in Remote Sensing Images.

IAug_CDNet Official Implementation of Adversarial Instance Augmentation for Building Change Detection in Remote Sensing Images. Overview We propose a

53 Dec 02, 2022
An end-to-end machine learning web app to predict rugby scores (Pandas, SQLite, Keras, Flask, Docker)

Rugby score prediction An end-to-end machine learning web app to predict rugby scores Overview An demo project to provide a high-level overview of the

34 May 24, 2022
Implementation for On Provable Benefits of Depth in Training Graph Convolutional Networks

Implementation for On Provable Benefits of Depth in Training Graph Convolutional Networks Setup This implementation is based on PyTorch = 1.0.0. Smal

Weilin Cong 8 Oct 28, 2022
Implement of homography net by pytorch

HomographyNet Implement of homography net by pytorch Brief Introduction This project is based on the work Homography-Net: @article{detone2016deep, t

ronghao_CN 4 May 19, 2022
Everything's Talkin': Pareidolia Face Reenactment (CVPR2021)

Everything's Talkin': Pareidolia Face Reenactment (CVPR2021) Linsen Song, Wayne Wu, Chaoyou Fu, Chen Qian, Chen Change Loy, and Ran He [Paper], [Video

71 Dec 21, 2022
Betafold - AlphaFold with tunings

BetaFold We (hegelab.org) craeted this standalone AlphaFold (AlphaFold-Multimer,

2 Aug 11, 2022
Unofficial Pytorch Lightning implementation of Contrastive Syn-to-Real Generalization (ICLR, 2021)

Unofficial Pytorch Lightning implementation of Contrastive Syn-to-Real Generalization (ICLR, 2021)

Gyeongjae Choi 17 Sep 23, 2021
This is an easy python software which allows to sort images with faces by gender and after by age.

Gender-age Classifier This is an easy python software which allows to sort images with faces by gender and after by age. Usage First install Deepface

Claudio Ciccarone 6 Sep 17, 2022
Create Own QR code with Python

Create-Own-QR-code Create Own QR code with Python SO guys in here, you have to install pyqrcode 2. open CMD and type python -m pip install pyqrcode

JehanKandy 10 Jul 13, 2022
GraPE is a Rust/Python library for high-performance Graph Processing and Embedding.

GraPE GraPE (Graph Processing and Embedding) is a fast graph processing and embedding library, designed to scale with big graphs and to run on both of

AnacletoLab 194 Dec 29, 2022
My published benchmark for a Kaggle Simulations Competition

Lux AI Working Title Bot Please refer to the Kaggle notebook for the comment section. The comment section contains my explanation on my code structure

Tong Hui Kang 29 Aug 22, 2022
Simple Tensorflow implementation of "Adaptive Convolutions for Structure-Aware Style Transfer" (CVPR 2021)

AdaConv — Simple TensorFlow Implementation [Paper] : Adaptive Convolutions for Structure-Aware Style Transfer (CVPR 2021) Note This repository does no

Junho Kim 26 Nov 18, 2022