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
DatasetGAN: Efficient Labeled Data Factory with Minimal Human Effort

DatasetGAN This is the official code and data release for: DatasetGAN: Efficient Labeled Data Factory with Minimal Human Effort Yuxuan Zhang*, Huan Li

302 Jan 05, 2023
Reverse engineering recurrent neural networks with Jacobian switching linear dynamical systems

Reverse engineering recurrent neural networks with Jacobian switching linear dynamical systems This repository is the official implementation of Rever

6 Aug 25, 2022
A PyTorch implementation of SlowFast based on ICCV 2019 paper "SlowFast Networks for Video Recognition"

SlowFast A PyTorch implementation of SlowFast based on ICCV 2019 paper SlowFast Networks for Video Recognition. Requirements Anaconda PyTorch conda in

Hao Ren 8 Dec 23, 2022
torchsummaryDynamic: support real FLOPs calculation of dynamic network or user-custom PyTorch ops

torchsummaryDynamic Improved tool of torchsummaryX. torchsummaryDynamic support real FLOPs calculation of dynamic network or user-custom PyTorch ops.

Bohong Chen 1 Jan 07, 2022
시각 장애인을 위한 스마트 지팡이에 활용될 딥러닝 모델 (DL Model Repo)

SmartCane-DL-Model Smart Cane using semantic segmentation 참고한 Github repositoy 🔗 https://github.com/JunHyeok96/Road-Segmentation.git 데이터셋 🔗 https://

반드시 졸업한다 (Team Just Graduate) 4 Dec 03, 2021
Pytorch implementation for our ICCV 2021 paper "TRAR: Routing the Attention Spans in Transformers for Visual Question Answering".

TRAnsformer Routing Networks (TRAR) This is an official implementation for ICCV 2021 paper "TRAR: Routing the Attention Spans in Transformers for Visu

Ren Tianhe 49 Nov 10, 2022
Reviving Iterative Training with Mask Guidance for Interactive Segmentation

This repository provides the source code for training and testing state-of-the-art click-based interactive segmentation models with the official PyTorch implementation

Visual Understanding Lab @ Samsung AI Center Moscow 406 Jan 01, 2023
source code the paper Fast and Robust Iterative Closet Point.

Fast-Robust-ICP This repository includes the source code the paper Fast and Robust Iterative Closet Point. Authors: Juyong Zhang, Yuxin Yao, Bailin De

yaoyuxin 320 Dec 28, 2022
Starter Code for VALUE benchmark

StarterCode for VALUE Benchmark This is the starter code for VALUE Benchmark [website], [paper]. This repository currently supports all baseline model

VALUE Benchmark 73 Dec 09, 2022
Cross-platform-profile-pic-changer - Script to change profile pictures across multiple platforms

cross-platform-profile-pic-changer script to change profile pictures across mult

4 Jan 17, 2022
What can linearized neural networks actually say about generalization?

What can linearized neural networks actually say about generalization? This is the source code to reproduce the experiments of the NeurIPS 2021 paper

gortizji 11 Dec 09, 2022
Tensorflow port of a full NetVLAD network

netvlad_tf The main intention of this repo is deployment of a full NetVLAD network, which was originally implemented in Matlab, in Python. We provide

Robotics and Perception Group 225 Nov 08, 2022
Train the HRNet model on ImageNet

High-resolution networks (HRNets) for Image classification News [2021/01/20] Add some stronger ImageNet pretrained models, e.g., the HRNet_W48_C_ssld_

HRNet 866 Jan 04, 2023
Video lie detector using xgboost - A video lie detector using OpenFace and xgboost

video_lie_detector_using_xgboost a video lie detector using OpenFace and xgboost

2 Jan 11, 2022
Face Alignment using python

Face Alignment Face Alignment using python Input Image Aligned Face Aligned Face Aligned Face Input Image Aligned Face Input Image Aligned Face Instal

Sajjad Aemmi 28 Nov 23, 2022
Learning Skeletal Articulations with Neural Blend Shapes

This repository provides an end-to-end library for automatic character rigging and blend shapes generation as well as a visualization tool. It is based on our work Learning Skeletal Articulations wit

Peizhuo 504 Dec 30, 2022
Repository for open research on optimizers.

Open Optimizers Repository for open research on optimizers. This is a test in sharing research/exploration as it happens. If you use anything from thi

Ariel Ekgren 6 Jun 24, 2022
Reusable constraint types to use with typing.Annotated

annotated-types PEP-593 added typing.Annotated as a way of adding context-specific metadata to existing types, and specifies that Annotated[T, x] shou

125 Dec 26, 2022
Facestar dataset. High quality audio-visual recordings of human conversational speech.

Facestar Dataset Description Existing audio-visual datasets for human speech are either captured in a clean, controlled environment but contain only a

Meta Research 87 Dec 21, 2022
Code for NeurIPS 2021 paper "Curriculum Offline Imitation Learning"

README The code is based on the ILswiss. To run the code, use python run_experiment.py --nosrun -e your YAML file -g gpu id Generally, run_experim

ApexRL 12 Mar 19, 2022