Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: cs231n-assignment

punut/cs231n-assignments

cs231n assignments in 2019

Language: Jupyter Notebook - Size: 4.26 MB - Last synced: 10 days ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

aoboturov/cs231n-17

CS231n: Convolutional Neural Networks for Visual Recognition Assignments Implementation

Language: Jupyter Notebook - Size: 14.1 MB - Last synced: 14 days ago - Pushed: over 6 years ago - Stars: 1 - Forks: 1

glungu/cs231n

My solutions to public Stanford University course on Convolutional Neural Networks from Spring 2017

Language: Jupyter Notebook - Size: 13.8 MB - Last synced: 16 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

rogertrullo/Convolutional-Neural-Networks-in-python

These are my solutions to the programming assignments of the class CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 11.9 MB - Last synced: about 2 months ago - Pushed: about 7 years ago - Stars: 5 - Forks: 2

choo8/CS-231n

CS 231n Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 16.3 MB - Last synced: about 2 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

Raiszo/cs231n

My journey thorugh cs231n

Language: Jupyter Notebook - Size: 29.7 MB - Last synced: about 2 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

leehanchung/cs182

Berkeley CS182/282A Designing, Visualizing and Understanding Deep Neural Networks

Language: Jupyter Notebook - Size: 129 MB - Last synced: 12 days ago - Pushed: over 1 year ago - Stars: 67 - Forks: 23

FibonacciDude/CS231n

CS231n solutions, assignment 3 was lost.

Language: Jupyter Notebook - Size: 4.46 MB - Last synced: 3 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

srinadhu/CS231n_assignment3

Implemented Vanilla RNN and LSTM networks, combined these with pretrained VGG-16 on ImageNet to build image captioning models on Microsoft COCO dataset. Explored use of image gradients for generating new images and techniques used are Saliency Maps, Fooling Images and Class Visualization. Implemented image Style Transfer technique from 'Image Style Transfer Using Convolutional Neural Networks'. Implemented and trained GAN, LS-GAN and DC-GAN on MNIST dataset to produce images that resemble samples from MNIST, DC-GAN gave best resembling images.

Language: Jupyter Notebook - Size: 10.1 MB - Last synced: 4 months ago - Pushed: over 5 years ago - Stars: 3 - Forks: 1

srinadhu/Image_Classification_Pipeline

Image Classification pipeline for CIFAR-10 dataset based on K-NN, Svm, Softmax and 2-layer Neural Net Classifiers

Language: Jupyter Notebook - Size: 990 KB - Last synced: 4 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

srinadhu/convolutional_nn

Implemented fully-connected DNN of arbitrary depth with Batch Norm and Dropout, three-layer ConvNet with Spatial Batch Norm in NumPy. The update rules used for training are SGD, SGD+Momentum, RMSProp and Adam. Implemented three block ResNet in PyTorch, with 10 epochs of training achieves 73.60% accuracy on test set.

Language: Jupyter Notebook - Size: 713 KB - Last synced: 4 months ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 1

omid-d/CS231n

All Solutions to Stanford CS231n Spring 2023 Course Assignments.

Language: Jupyter Notebook - Size: 12.8 MB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 4 - Forks: 0

subash-m/Computer_Vision

This will contain all the projects which I practice during the fast.ai workshop(Nurture AI)

Language: Jupyter Notebook - Size: 270 KB - Last synced: 5 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

suous/cs231n

CS231n: Deep Learning for Computer Vision, Stanford - Spring 2023

Language: Jupyter Notebook - Size: 50.7 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 3 - Forks: 1

amanchadha/stanford-cs231n-assignments-2020

This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).

Language: Jupyter Notebook - Size: 200 MB - Last synced: 6 months ago - Pushed: almost 3 years ago - Stars: 137 - Forks: 62

fqhank/CS231n-2021spring

【更新完毕】斯坦福大学计算机视觉经典课程CS231n自学材料,总结了一些遇到的问题和知识点

Language: Jupyter Notebook - Size: 163 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 17 - Forks: 1

rishabh-16/cs231n-2019-assignments

Solution to CS231n Assignments 2019

Language: Jupyter Notebook - Size: 23.4 MB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 165 - Forks: 57

madalinabuzau/cs231n-convolutional-neural-networks-solutions

Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.

Language: Jupyter Notebook - Size: 46.5 MB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 113 - Forks: 53

jingxinfu/cs231n

Notes and assignment for the cs231n course taught by Dr. Fei Fei Li

Language: Jupyter Notebook - Size: 15.8 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

seloufian/Deep-Learning-Computer-Vision

My assignment solutions for Stanford’s CS231n (CNNs for Visual Recognition) and Michigan’s EECS 498-007/598-005 (Deep Learning for Computer Vision), version 2020.

Language: Jupyter Notebook - Size: 78.2 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 98 - Forks: 42

srinadhu/CS231n

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

Language: Jupyter Notebook - Size: 11.3 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 40 - Forks: 23

sanuj/rl-assignment1

Reinforcement learning assignment 1, same as CS231n assignment 1

Language: Jupyter Notebook - Size: 751 KB - Last synced: 10 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

wondervictor/CS231n-Assignments

Language: Jupyter Notebook - Size: 5.41 MB - Last synced: 10 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

mirzaim/cs231n

Note and Assignments for CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 32.8 MB - Last synced: 11 months ago - Pushed: over 2 years ago - Stars: 42 - Forks: 11

samlkrystof/Stanford-CS231n

Assignment solutions for CS231n - Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 9.63 MB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

haofeixu/cs231n

Solutions to Stanford CS231n Spring 2018 Course Assignments.

Language: Jupyter Notebook - Size: 22.7 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 97 - Forks: 44

LightersWang/my_CS231n_assignments

Assignments for Stanford CS231n 2019 Spring

Language: Jupyter Notebook - Size: 31.4 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

ubamba98/CS231n-2019

Notes and assignment solution to http://cs231n.stanford.edu

Language: Jupyter Notebook - Size: 8.96 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 23 - Forks: 15

xiezhq-hermann/cs231n-2017

My own solutions for Stanford CS231n (2017) assignments

Language: Jupyter Notebook - Size: 63.6 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 40 - Forks: 18

skulltech/CS231N 📦

Code I wrote for CS231N by Stanford

Language: Jupyter Notebook - Size: 36.1 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

kesamet/CS231n 📦

Stanford CS231n: Convolutional Neural Networks for Visual Recognition (Spring 2017)

Language: Jupyter Notebook - Size: 27.4 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

WeiChengTseng/cs231n-2017

Language: Jupyter Notebook - Size: 5.32 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 12 - Forks: 0

Ayanzadeh93/cs231n

My Solution of Assignments of CS231n Winter2016

Language: Jupyter Notebook - Size: 14 MB - Last synced: 15 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 2

budiryan/COMP4901J-CS231n

COMP4901J: Deep Learning in Computer Vision

Language: Jupyter Notebook - Size: 184 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

leeyngdo/CS231n-Spring-2021

Stanford CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 19.1 MB - Last synced: 10 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

djape24394/cs231n-solutions-2019

Stanfords cs231n 2019 assignments solutions

Language: Jupyter Notebook - Size: 57.8 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

QitaoZhao/Solution-to-CS231n-2021

My solution to assignments of Stanford CS231n Spring 2021.

Language: Jupyter Notebook - Size: 187 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Arnav0400/CS231n

Solutions to Assignments of CS231n: Convolutional Neural Networks for Visual Recognition(http://cs231n.github.io/)

Language: Jupyter Notebook - Size: 20 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 13 - Forks: 7

BatyrM/CS231n-Spring-2020

Stanford CS231n Course: Convolutional Neural Networks for Visual Recogntion. All 3 assignments' solutions.

Language: Jupyter Notebook - Size: 182 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

jmlee8939/cs231n-2021

Assignment of CS231n (2021 spring)

Language: Jupyter Notebook - Size: 365 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

amsavchenko/eecs-498-007

My solutions for assignments of EECS 498-007 / 598-005 class: Deep Learning for Computer Vision

Language: Jupyter Notebook - Size: 4.04 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

dianshan14/CS231n

Assignments of Stanford CS231n Spring 2018

Language: Jupyter Notebook - Size: 22.6 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Tandon-A/CS231n_Stanford

Assignment Solutions for the Stanford CS 231n course - Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 2.63 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

meysamalishahi/CS231N

My solutions for CS231n assignments - Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 47.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

taresh18/CS231n-2019-Assignments

My assignment solutions for CS231n - Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 16 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

mdvsh/cs231n

My solutions to assignments for CS231n - Convolutional Neural Networks for Visual Recognition, Spring 2020, Stanford University.

Language: Jupyter Notebook - Size: 161 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

charlie6echo/CS231n

Stanford University's Famous computer Vision course 'CS231n' Assignments and codes.

Size: 0 Bytes - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

adityakuppa26/CS231N-Assignment-Solutions

Solutions for Stanford's CS231N: Convolutional Neural Networks for Visual Recognition Course Assignment Solutions

Language: Jupyter Notebook - Size: 178 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

ishanbhandari-19/CS231n-2019

My solutions to the assignments of Stanford course CS231n-2019

Language: Jupyter Notebook - Size: 14.7 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

mtroym/CS231n-Solution

My own solution to CS231n Spring 17. Thanks to CS280 Teaching Stuff@ShanghaiTech pushing this.

Language: Jupyter Notebook - Size: 22.4 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

Kshitij09/CS231n

Assignment solutions for Stanford's CS231n: Convolutional Neural Networks for Visual Recognition. (Spring 2019)

Language: Jupyter Notebook - Size: 1.19 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

zzzhou99/cs231n-2019-assignments

Language: Jupyter Notebook - Size: 10.5 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

zhoujf620/CS231n_Assignments

My Solutions for CS231n Spring 2019 Assignments

Language: Jupyter Notebook - Size: 91.3 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

sjain-stanford/CS231N

My solutions to CS231N (Convolutional Neural Networks for Visual Recognition, Spring 2017)

Language: Jupyter Notebook - Size: 35 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 6 - Forks: 0

prateek-77/CS231n

Solutions of CS231n Assignments Spring 2019

Language: Jupyter Notebook - Size: 25.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

Zx55/cs231n-2019

A repo for studying cs231n, including notes and assignments 2019

Language: Jupyter Notebook - Size: 93.4 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

JJashim/Stanford-CS231n

My solution to stanford cs231n: CNN for visual recognition

Language: Jupyter Notebook - Size: 5.8 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

ValleyZw/cs231n

cs231n 2019 assignments

Language: Jupyter Notebook - Size: 1.89 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

aimi-cn/cs231n

cs231n(面向视觉识别的卷积神经网络)课程笔记

Size: 5.86 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

raunakkmr/Stanford-CS231N

Solutions to the assignments of the 2018 Spring version of Stanford CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 13.4 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

amrithm98/CS231N-Spring-2018-Solutions

My Solutions for the SPRING 2018 Assignments of CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 634 KB - Last synced: 27 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

tanmaybinaykiya/CS231N-CNN-Solutions

My solutions to CS231N CNN assignments

Language: Jupyter Notebook - Size: 5.23 MB - Last synced: 29 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

TusharChugh/cs231n

Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 6.72 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

kenvifire/cs231n

Language: Jupyter Notebook - Size: 9.49 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

brunonishimoto/cs231n

This repo contain all assignments for CS231n Stanford Course

Size: 455 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

dzwduan/CS231n

Solutions

Language: Jupyter Notebook - Size: 81.2 MB - Last synced: 22 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

tmpsrcrepo/cs231n-2017

my solution

Language: Jupyter Notebook - Size: 10.5 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

dmitrykravchenko2018/cs231n

Language: Jupyter Notebook - Size: 1.7 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

Related Keywords
cs231n-assignment 68 cs231n 45 deep-learning 31 computer-vision 24 convolutional-neural-networks 24 pytorch 16 stanford 15 machine-learning 8 deep-neural-networks 8 cnn 7 neural-network 7 tensorflow 7 numpy 6 python 6 visual-recognition 6 stanford-university 4 2019 4 neural-networks 4 gan 3 image-captioning 3 solutions 3 convolutional-networks 3 cnn-for-visual-recognition 3 stanford-machine-learning 3 rnn 3 recurrent-neural-networks 3 lstm 3 cs231n-assignments 2 softmax-classifier 2 style-transfer 2 deeplearning 2 saliency-map 2 svm 2 fooling-images 2 cs231 2 coco-dataset 2 class-visualization 2 dropout 2 image-recognition 2 python3 2 natural-language-processing 2 vision-and-language 2 backpropagation 1 gradient-descent 1 machinelearning 1 network-visualization 1 knn 1 cifar10 1 batchnorm 1 michigan 1 eecs498-007 1 assignment 1 deeplearning-notebooks 1 computer 1 computervision 1 eecs498 1 gans 1 assignment-solutions 1 deep-learning-tutorial 1 comp4901j 1 mechine-learing 1 image-classification 1 course-project 1 torch 1 spring-2021 1 notes 1 2021 1 softmax 1 linear-classifier 1 svm-classifier 1 knn-classifier 1 jupyter-notebook 1 image-classification-pipeline 1 mnist-dataset 1 microsoft-coco 1 ls-gan 1 dc-gan 1 learning-machine-learning 1 transformer 1 reinforcement-learning 1 nlp 1 cs182 1 berkeley 1 lstm-networks 1 homework 1 rnns 1 image-processing 1 cnns 1 captioning-images 1 attention-mechanism 1 vision 1 rnn-lstm 1 sgd-optimizer 1 sgd-moment 1 rmsprop 1 pytorch-cnn-classification 1 fully-connected-deep-neural-network 1 cifar-10 1 batch-normalization 1 adam-optimizer 1