All Projects → srinadhu → CS231n

srinadhu / CS231n

Licence: other
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to CS231n

ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+333.33%)
Mutual labels:  numpy, svm, knn
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+2036.67%)
Mutual labels:  lstm, gan, rnn
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+13640%)
Mutual labels:  dropout, gan, rnn
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (+270%)
Mutual labels:  lstm, dropout, rnn
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+107620%)
Mutual labels:  svm, lstm, rnn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-23.33%)
Mutual labels:  numpy, svm, knn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+1020%)
Mutual labels:  lstm, gan, rnn
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (+346.67%)
Mutual labels:  lstm, gan, style-transfer
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+710%)
Mutual labels:  lstm, rnn, image-captioning
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+1050%)
Mutual labels:  numpy, lstm, rnn
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (+56.67%)
Mutual labels:  numpy, lstm, style-transfer
Machine-Learning-in-Python-Workshop
My workshop on machine learning using python language to implement different algorithms
Stars: ✭ 89 (+196.67%)
Mutual labels:  numpy, dropout
CoMoGAN
CoMoGAN: continuous model-guided image-to-image translation. CVPR 2021 oral.
Stars: ✭ 139 (+363.33%)
Mutual labels:  gan, style-transfer
GAN-RNN Timeseries-imputation
Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.
Stars: ✭ 107 (+256.67%)
Mutual labels:  gan, rnn
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (+10%)
Mutual labels:  lstm, rnn
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (+50%)
Mutual labels:  svm, knn
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
Stars: ✭ 53 (+76.67%)
Mutual labels:  lstm, rnn
CariMe-pytorch
Unpaired Caricature Generation with Multiple Exaggerations (TMM 2021)
Stars: ✭ 33 (+10%)
Mutual labels:  gan, style-transfer
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Stars: ✭ 54 (+80%)
Mutual labels:  lstm, image-captioning
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-6.67%)
Mutual labels:  svm, knn

CS231n Assignment Solutions

My solutions to assignments of CS231n: Convolutional Neural Networks for Visual Recognition course.

Thanks to people at Stanford for making all the course resources available online. There are lot of repos already with the solutions but very few are there with PyTorch 0.4 and I hope this will be helpful. I have filled in the inline questions at all places to the best of my knowledge. If there are any mistakes anywhere please let me know, thanks.

Assignment 1:

  • Q1: k-Nearest Neighbor classifier. (Done)
  • Q2: Training a Support Vector Machine. (Done)
  • Q3: Implement a Softmax classifier. (Done)
  • Q4: Two-Layer Neural Network. (Done)

Assignment 2:

  • Q1: Fully-connected Neural Network. (Done)
  • Q2: Batch Normalization. (Done)
  • Q3: Dropout. (Done)
  • Q4: Convolutional Networks. (Done)
  • Q5: PyTorch / TensorFlow on CIFAR-10. (Done in Pytorch0.4)

Assignment 3:

  • Q1: Image Captioning with Vanilla RNNs. (Done)
  • Q2: Image Captioning with LSTMs. (Done)
  • Q3: Network Visualization: Saliency maps, Class Visualization, and Fooling Images. (Done in Pytorch0.4)
  • Q4: Style Transfer. (Done in Pytorch0.4)
  • Q5: Generative Adversarial Networks. (Done in Pytorch0.4)
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].