Skip to content

Commit 852909b

Browse files
committed
Force GitHub contribution update
1 parent 9d5d664 commit 852909b

File tree

1 file changed

+71
-58
lines changed

1 file changed

+71
-58
lines changed

README.md

Lines changed: 71 additions & 58 deletions
Original file line numberDiff line numberDiff line change
@@ -10,47 +10,47 @@ There are also notebooks used as projects for the Nanodegree program. In the pro
1010

1111
### Introduction to Neural Networks
1212

13-
* [Introduction to Neural Networks](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/intro-neural-networks): Learn how to implement gradient descent and apply it to predicting patterns in student admissions data.
14-
* [Sentiment Analysis with NumPy](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/sentiment-analysis-network): [Andrew Trask](http://iamtrask.github.io/) leads you through building a sentiment analysis model, predicting if some text is positive or negative.
15-
* [Introduction to PyTorch](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/intro-to-pytorch): Learn how to build neural networks in PyTorch and use pre-trained networks for state-of-the-art image classifiers.
13+
- [Introduction to Neural Networks](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/intro-neural-networks): Learn how to implement gradient descent and apply it to predicting patterns in student admissions data.
14+
- [Sentiment Analysis with NumPy](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/sentiment-analysis-network): [Andrew Trask](http://iamtrask.github.io/) leads you through building a sentiment analysis model, predicting if some text is positive or negative.
15+
- [Introduction to PyTorch](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/intro-to-pytorch): Learn how to build neural networks in PyTorch and use pre-trained networks for state-of-the-art image classifiers.
1616

1717
### Convolutional Neural Networks
1818

19-
* [Convolutional Neural Networks](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/convolutional-neural-networks): Visualize the output of layers that make up a CNN. Learn how to define and train a CNN for classifying [MNIST data](https://en.wikipedia.org/wiki/MNIST_database), a handwritten digit database that is notorious in the fields of machine and deep learning. Also, define and train a CNN for classifying images in the [CIFAR10 dataset](https://www.cs.toronto.edu/~kriz/cifar.html).
20-
* [Transfer Learning](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/transfer-learning). In practice, most people don't train their own networks on huge datasets; they use **pre-trained** networks such as VGGnet. Here you'll use VGGnet to help classify images of flowers without training an end-to-end network from scratch.
21-
* [Weight Initialization](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/weight-initialization): Explore how initializing network weights affects performance.
22-
* [Autoencoders](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/autoencoder): Build models for image compression and de-noising, using feedforward and convolutional networks in PyTorch.
23-
* [Style Transfer](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/style-transfer): Extract style and content features from images, using a pre-trained network. Implement style transfer according to the paper, [Image Style Transfer Using Convolutional Neural Networks](https://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Gatys_Image_Style_Transfer_CVPR_2016_paper.pdf) by Gatys et. al. Define appropriate losses for iteratively creating a target, style-transferred image of your own design!
19+
- [Convolutional Neural Networks](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/convolutional-neural-networks): Visualize the output of layers that make up a CNN. Learn how to define and train a CNN for classifying [MNIST data](https://en.wikipedia.org/wiki/MNIST_database), a handwritten digit database that is notorious in the fields of machine and deep learning. Also, define and train a CNN for classifying images in the [CIFAR10 dataset](https://www.cs.toronto.edu/~kriz/cifar.html).
20+
- [Transfer Learning](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/transfer-learning). In practice, most people don't train their own networks on huge datasets; they use **pre-trained** networks such as VGGnet. Here you'll use VGGnet to help classify images of flowers without training an end-to-end network from scratch.
21+
- [Weight Initialization](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/weight-initialization): Explore how initializing network weights affects performance.
22+
- [Autoencoders](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/autoencoder): Build models for image compression and de-noising, using feedforward and convolutional networks in PyTorch.
23+
- [Style Transfer](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/style-transfer): Extract style and content features from images, using a pre-trained network. Implement style transfer according to the paper, [Image Style Transfer Using Convolutional Neural Networks](https://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Gatys_Image_Style_Transfer_CVPR_2016_paper.pdf) by Gatys et. al. Define appropriate losses for iteratively creating a target, style-transferred image of your own design!
2424

2525
### Recurrent Neural Networks
2626

27-
* [Intro to Recurrent Networks (Time series & Character-level RNN)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/recurrent-neural-networks): Recurrent neural networks are able to use information about the sequence of data, such as the sequence of characters in text; learn how to implement these in PyTorch for a variety of tasks.
28-
* [Embeddings (Word2Vec)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/word2vec-embeddings): Implement the Word2Vec model to find semantic representations of words for use in natural language processing.
29-
* [Sentiment Analysis RNN](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/sentiment-rnn): Implement a recurrent neural network that can predict if the text of a moview review is positive or negative.
30-
* [Attention](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/attention): Implement attention and apply it to annotation vectors.
27+
- [Intro to Recurrent Networks (Time series & Character-level RNN)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/recurrent-neural-networks): Recurrent neural networks are able to use information about the sequence of data, such as the sequence of characters in text; learn how to implement these in PyTorch for a variety of tasks.
28+
- [Embeddings (Word2Vec)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/word2vec-embeddings): Implement the Word2Vec model to find semantic representations of words for use in natural language processing.
29+
- [Sentiment Analysis RNN](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/sentiment-rnn): Implement a recurrent neural network that can predict if the text of a moview review is positive or negative.
30+
- [Attention](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/attention): Implement attention and apply it to annotation vectors.
3131

3232
### Generative Adversarial Networks
3333

34-
* [Generative Adversarial Network on MNIST](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/gan-mnist): Train a simple generative adversarial network on the MNIST dataset.
35-
* [Batch Normalization](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/batch-norm): Learn how to improve training rates and network stability with batch normalizations.
36-
* [Deep Convolutional GAN (DCGAN)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/dcgan-svhn): Implement a DCGAN to generate new images based on the Street View House Numbers (SVHN) dataset.
37-
* [CycleGAN](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/cycle-gan): Implement a CycleGAN that is designed to learn from unpaired and unlabeled data; use trained generators to transform images from summer to winter and vice versa.
34+
- [Generative Adversarial Network on MNIST](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/gan-mnist): Train a simple generative adversarial network on the MNIST dataset.
35+
- [Batch Normalization](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/batch-norm): Learn how to improve training rates and network stability with batch normalizations.
36+
- [Deep Convolutional GAN (DCGAN)](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/dcgan-svhn): Implement a DCGAN to generate new images based on the Street View House Numbers (SVHN) dataset.
37+
- [CycleGAN](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/cycle-gan): Implement a CycleGAN that is designed to learn from unpaired and unlabeled data; use trained generators to transform images from summer to winter and vice versa.
3838

3939
### Deploying a Model (with AWS SageMaker)
4040

41-
* [All exercise and project notebooks](https://github.com/udacity/sagemaker-deployment) for the lessons on model deployment can be found in the linked, Github repo. Learn to deploy pre-trained models using AWS SageMaker.
41+
- [All exercise and project notebooks](https://github.com/udacity/sagemaker-deployment) for the lessons on model deployment can be found in the linked, Github repo. Learn to deploy pre-trained models using AWS SageMaker.
4242

4343
### Projects
4444

45-
* [Predicting Bike-Sharing Patterns](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-bikesharing): Implement a neural network in NumPy to predict bike rentals.
46-
* [Dog Breed Classifier](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-dog-classification): Build a convolutional neural network with PyTorch to classify any image (even an image of a face) as a specific dog breed.
47-
* [TV Script Generation](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-tv-script-generation): Train a recurrent neural network to generate scripts in the style of dialogue from Seinfeld.
48-
* [Face Generation](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-face-generation): Use a DCGAN on the CelebA dataset to generate images of new and realistic human faces.
45+
- [Predicting Bike-Sharing Patterns](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-bikesharing): Implement a neural network in NumPy to predict bike rentals.
46+
- [Dog Breed Classifier](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-dog-classification): Build a convolutional neural network with PyTorch to classify any image (even an image of a face) as a specific dog breed.
47+
- [TV Script Generation](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-tv-script-generation): Train a recurrent neural network to generate scripts in the style of dialogue from Seinfeld.
48+
- [Face Generation](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/project-face-generation): Use a DCGAN on the CelebA dataset to generate images of new and realistic human faces.
4949

5050
### Elective Material
5151

52-
* [Intro to TensorFlow](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/tensorflow/intro-to-tensorflow): Starting building neural networks with TensorFlow.
53-
* [Keras](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/keras): Learn to build neural networks and convolutional neural networks with Keras.
52+
- [Intro to TensorFlow](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/tensorflow/intro-to-tensorflow): Starting building neural networks with TensorFlow.
53+
- [Keras](https://github.com/udacity/deep-learning-v2-pytorch/tree/master/keras): Learn to build neural networks and convolutional neural networks with Keras.
5454

5555
---
5656

@@ -60,16 +60,17 @@ There are also notebooks used as projects for the Nanodegree program. In the pro
6060

6161
Per the Anaconda [docs](http://conda.pydata.org/docs):
6262

63-
> Conda is an open source package management system and environment management system
64-
for installing multiple versions of software packages and their dependencies and
65-
switching easily between them. It works on Linux, OS X and Windows, and was created
66-
for Python programs but can package and distribute any software.
63+
> Conda is an open source package management system and environment management system
64+
> for installing multiple versions of software packages and their dependencies and
65+
> switching easily between them. It works on Linux, OS X and Windows, and was created
66+
> for Python programs but can package and distribute any software.
6767
6868
## Overview
69+
6970
Using Anaconda consists of the following:
7071

7172
1. Install [`miniconda`](http://conda.pydata.org/miniconda.html) on your computer, by selecting the latest Python version for your operating system. If you already have `conda` or `miniconda` installed, you should be able to skip this step and move on to step 2.
72-
2. Create and activate * a new `conda` [environment](http://conda.pydata.org/docs/using/envs.html).
73+
2. Create and activate \* a new `conda` [environment](http://conda.pydata.org/docs/using/envs.html).
7374

7475
\* Each time you wish to work on any exercises, activate your `conda` environment!
7576

@@ -79,10 +80,10 @@ Using Anaconda consists of the following:
7980

8081
**Download** the latest version of `miniconda` that matches your system.
8182

82-
| | Linux | Mac | Windows |
83-
|--------|-------|-----|---------|
84-
| 64-bit | [64-bit (bash installer)][lin64] | [64-bit (bash installer)][mac64] | [64-bit (exe installer)][win64]
85-
| 32-bit | [32-bit (bash installer)][lin32] | | [32-bit (exe installer)][win32]
83+
| | Linux | Mac | Windows |
84+
| ------ | -------------------------------- | -------------------------------- | ------------------------------- |
85+
| 64-bit | [64-bit (bash installer)][lin64] | [64-bit (bash installer)][mac64] | [64-bit (exe installer)][win64] |
86+
| 32-bit | [32-bit (bash installer)][lin32] | | [32-bit (exe installer)][win32] |
8687

8788
[win64]: https://repo.continuum.io/miniconda/Miniconda3-latest-Windows-x86_64.exe
8889
[win32]: https://repo.continuum.io/miniconda/Miniconda3-latest-Windows-x86.exe
@@ -98,10 +99,12 @@ Using Anaconda consists of the following:
9899

99100
## 2. Create and Activate the Environment
100101

101-
For Windows users, these following commands need to be executed from the **Anaconda prompt** as opposed to a Windows terminal window. For Mac, a normal terminal window will work.
102+
For Windows users, these following commands need to be executed from the **Anaconda prompt** as opposed to a Windows terminal window. For Mac, a normal terminal window will work.
102103

103104
#### Git and version control
105+
104106
These instructions also assume you have `git` installed for working with Github from a terminal window, but if you do not, you can download that first with the command:
107+
105108
```
106109
conda install git
107110
```
@@ -111,46 +114,54 @@ If you'd like to learn more about version control and using `git` from the comma
111114
**Now, we're ready to create our local environment!**
112115

113116
1. Clone the repository, and navigate to the downloaded folder. This may take a minute or two to clone due to the included image data.
117+
114118
```
115119
git clone https://github.com/udacity/deep-learning-v2-pytorch.git
116120
cd deep-learning-v2-pytorch
117121
```
118122

119123
2. Create (and activate) a new environment, named `deep-learning` with Python 3.6. If prompted to proceed with the install `(Proceed [y]/n)` type y.
120124

121-
- __Linux__ or __Mac__:
122-
```
123-
conda create -n deep-learning python=3.6
124-
source activate deep-learning
125-
```
126-
- __Windows__:
127-
```
128-
conda create --name deep-learning python=3.6
129-
activate deep-learning
130-
```
131-
132-
At this point your command line should look something like: `(deep-learning) <User>:deep-learning-v2-pytorch <user>$`. The `(deep-learning)` indicates that your environment has been activated, and you can proceed with further package installations.
125+
- **Linux** or **Mac**:
126+
127+
```
128+
conda create -n deep-learning python=3.6
129+
source activate deep-learning
130+
```
131+
132+
- **Windows**:
133+
134+
```
135+
conda create --name deep-learning python=3.6
136+
activate deep-learning
137+
```
138+
139+
At this point your command line should look something like: `(deep-learning) <User>:deep-learning-v2-pytorch <user>$`. The `(deep-learning)` indicates that your environment has been activated, and you can proceed with further package installations.
133140

134141
3. Install PyTorch and torchvision; this should install the latest version of PyTorch.
135-
136-
- __Linux__ or __Mac__:
137-
```
138-
conda install pytorch torchvision -c pytorch
139-
```
140-
- __Windows__:
141-
```
142-
conda install pytorch -c pytorch
143-
pip install torchvision
144-
```
145-
146-
6. Install a few required pip packages, which are specified in the requirements text file (including OpenCV).
142+
143+
- **Linux** or **Mac**:
144+
145+
```
146+
conda install pytorch torchvision -c pytorch
147+
```
148+
149+
- **Windows**:
150+
151+
```
152+
conda install pytorch -c pytorch
153+
pip install torchvision
154+
```
155+
156+
4. Install a few required pip packages, which are specified in the requirements text file (including OpenCV).
157+
147158
```
148159
pip install -r requirements.txt
149160
```
150161

151162
7. That's it!
152163

153-
Now most of the `deep-learning` libraries are available to you. Very occasionally, you will see a repository with an addition requirements file, which exists should you want to use TensorFlow and Keras, for example. In this case, you're encouraged to install another library to your existing environment, or create a new environment for a specific project.
164+
Now most of the `deep-learning` libraries are available to you. Very occasionally, you will see a repository with an addition requirements file, which exists should you want to use TensorFlow and Keras, for example. In this case, you're encouraged to install another library to your existing environment, or create a new environment for a specific project.
154165

155166
Now, assuming your `deep-learning` environment is still activated, you can navigate to the main repo and start looking at the notebooks:
156167

@@ -161,3 +172,5 @@ jupyter notebook
161172
```
162173

163174
To exit the environment when you have completed your work session, simply close the terminal window.
175+
176+
# Test Contribution Update

0 commit comments

Comments
 (0)