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

You might also like...
An self sufficient AI that crawls the web to learn how to generate art from keywords

Roxx-IO - The Smart Artist AI! TO DO / IDEAS Implement Web-Scraping Functionality Figure out a less annoying (and an off button for it) text to speech

The Self-Supervised Learner can be used to train a classifier with fewer labeled examples needed using self-supervised learning.
The Self-Supervised Learner can be used to train a classifier with fewer labeled examples needed using self-supervised learning.

Published by SpaceML • About SpaceML • Quick Colab Example Self-Supervised Learner The Self-Supervised Learner can be used to train a classifier with

A list of multi-task learning papers and projects.

This page contains a list of papers on multi-task learning for computer vision. Please create a pull request if you wish to add anything. If you are interested, consider reading our recent survey paper.

A list of multi-task learning papers and projects.

A list of multi-task learning papers and projects.

A list of papers regarding generalization in (deep) reinforcement learning

A list of papers regarding generalization in (deep) reinforcement learning

Everything you want about DP-Based Federated Learning, including Papers and Code. (Mechanism: Laplace or Gaussian, Dataset: femnist, shakespeare, mnist, cifar-10 and fashion-mnist. )

Differential Privacy (DP) Based Federated Learning (FL) Everything about DP-based FL you need is here. (所有你需要的DP-based FL的信息都在这里) Code Tip: the code o

Research on Tabular Deep Learning (Python package & papers)

Research on Tabular Deep Learning For paper implementations, see the section "Papers and projects". rtdl is a PyTorch-based package providing a user-f

Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Context Terms
Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Context Terms

LESA Introduction This repository contains the official implementation of Locally Enhanced Self-Attention: Rethinking Self-Attention as Local and Cont

Owner
Achint Chaudhary
Computer Science Masters at Indian Institute of Science, Bangalore
Achint Chaudhary
Have you ever wondered how cool it would be to have your own A.I

Have you ever wondered how cool it would be to have your own A.I. assistant Imagine how easier it would be to send emails without typing a single word, doing Wikipedia searches without opening web browsers, and performing many other daily tasks like playing music with the help of a single voice command.

Harsh Gupta 1 Nov 9, 2021
Code and data for the EMNLP 2021 paper "Just Say No: Analyzing the Stance of Neural Dialogue Generation in Offensive Contexts". Coming soon!

ToxiChat Code and data for the EMNLP 2021 paper "Just Say No: Analyzing the Stance of Neural Dialogue Generation in Offensive Contexts". Install depen

Ashutosh Baheti 11 Jan 1, 2023
A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)

EfficientNet PyTorch Quickstart Install with pip install efficientnet_pytorch and load a pretrained EfficientNet with: from efficientnet_pytorch impor

Luke Melas-Kyriazi 7.2k Jan 6, 2023
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.

This is a curated list of tutorials, projects, libraries, videos, papers, books and anything related to the incredible PyTorch. Feel free to make a pu

Ritchie Ng 9.2k Jan 2, 2023
A list of awesome PyTorch scholarship articles, guides, blogs, courses and other resources.

Awesome PyTorch Scholarship Resources A collection of awesome PyTorch and Python learning resources. Contributions are always welcome! Course Informat

Arnas Gečas 302 Dec 3, 2022
This project uses reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can learn to read tape. The project is dedicated to hero in life great Jesse Livermore.

Reinforcement-trading This project uses Reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can

Deepender Singla 1.4k Dec 22, 2022
Multi-Horizon-Forecasting-for-Limit-Order-Books

Multi-Horizon-Forecasting-for-Limit-Order-Books This jupyter notebook is used to demonstrate our work, Multi-Horizon Forecasting for Limit Order Books

Zihao Zhang 116 Dec 23, 2022
Pgn2tex - Scripts to convert pgn files to latex document. Useful to build books or pdf from pgn studies

Pgn2Latex (WIP) A simple script to make pdf from pgn files and studies. It's sti

null 12 Jul 23, 2022