Skip to content

Commit 6c2fd4e

Browse files
committed
update
1 parent 855d641 commit 6c2fd4e

6 files changed

+94
-87
lines changed

Big Data/BigData.md

Lines changed: 8 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,14 @@
11

22
# 8. BIG DATA
33
### General
4+
- [X] [Big Data & Hadoop Full Course](https://www.youtube.com/watch?v=1vbXmCrkT3Y) (by Edureka). ~ 10 hours.
5+
1. Introduction to Big Data and Hadoop
6+
2. HDFS Architecture
7+
3. MapReduce Framework
8+
4. Yarn and Hadoop Ecosystem
9+
5. Hive, Pig, and HBase
10+
6. Real-world use cases
11+
412
- [X] [Introduction to Big Data (2015)](https://www.coursera.org/learn/big-data-introduction) (by Ilkay Altintas and Amarnath Gupta from UC San Diego at Coursera). ~ 15 hours.
513
1. Introduction to Big Data.
614
2. Demystifying Data Science.

Deep Learning/DL.md

Lines changed: 75 additions & 75 deletions
Original file line numberDiff line numberDiff line change
@@ -1,75 +1,75 @@
1-
# 5. DEEP LEARNING <sub><sup><sub>([back &uarr;](#table-of-contents))</sub></sup></sub>
2-
3-
## Python
4-
- [X] [Neural Networks and Deep Learning](https://www.coursera.org/learn/neural-networks-deep-learning) (by Andrew Ng from deeplearning.ai at Coursera) ~ 12 hours.
5-
1. Introduction to deep learning.
6-
2. Neural Networks Basics.
7-
3. Shallow neural networks.
8-
4. Deep Neural Networks.
9-
10-
- [X] [Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization](https://www.coursera.org/learn/deep-neural-network) (by Andrew Ng from deeplearning.ai at Coursera) ~ 9 hours.
11-
1. Practical aspects of Deep Learning.
12-
2. Optimization algorithms.
13-
3. Hyperparameter tuning, Batch Normalization and Programming Frameworks.
14-
15-
- [X] [Structuring Machine Learning Projects](https://www.coursera.org/learn/machine-learning-projects) (by Andrew Ng from deeplearning.ai at Coursera) ~ 6 hours.
16-
1. ML Strategy (1).
17-
2. ML Strategy (2).
18-
19-
- [X] [Convolutional Neural Networks](https://www.coursera.org/learn/convolutional-neural-networks) (by Andrew Ng from deeplearning.ai at Coursera) ~ 9 hours.
20-
1. Focuses on computer vision and its applications, including autonomous driving, face recognition, and medical imaging.
21-
2. Learn how to build convolutional neural networks, including recent variations such as residual networks, and apply them to visual detection and recognition tasks.
22-
3. Learn how to use neural style transfer to generate art and apply these algorithms to various types of data, including images, videos, and 3D data.
23-
24-
- [X] [Sequence Models](https://www.coursera.org/learn/nlp-sequence-models) (by Andrew Ng from deeplearning.ai at Coursera) ~ 6 hours.
25-
1. Focuses on sequence models and their applications in areas such as speech recognition, music synthesis, chatbots, machine translation, and natural language processing.
26-
2. Learn to build and train Recurrent Neural Networks (RNNs) and variants such as GRUs and LSTMs, which are commonly used in sequence modeling.
27-
3. Gain experience with natural language processing and Word Embeddings, which are essential for processing text data, and use HuggingFace tokenizers and transformer models to solve NLP tasks such as Named Entity Recognition (NER) and Question Answering.
28-
29-
- [X] [Build Basic Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/build-basic-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 9 hours.
30-
1. Learn about GANs and their applications
31-
2. Understand the intuition behind the fundamental components of GANs
32-
3. Explore and implement multiple GAN architectures
33-
4. Build conditional GANs capable of generating examples from determined categories
34-
35-
- [X] [Build Better Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/build-better-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 6 hours.
36-
1. Assess the challenges of evaluating GANs and compare different generative models
37-
2. Use the Fréchet Inception Distance (FID) method to evaluate the fidelity and diversity of GANs
38-
3. Identify sources of bias and the ways to detect it in GANs
39-
4. Learn and implement the techniques associated with the state-of-the-art StyleGANs
40-
41-
- [X] [Apply Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/apply-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 9 hours.
42-
1. Explore the applications of GANs and examine them wrt data augmentation, privacy, and anonymity
43-
2. Leverage the image-to-image translation framework and identify applications to modalities beyond images
44-
3. Implement Pix2Pix, a paired image-to-image translation GAN, to adapt satellite images into map routes (and vice versa)
45-
4. Compare paired image-to-image translation to unpaired image-to-image translation and identify how their key difference necessitates different GAN architectures
46-
5. Implement CycleGAN, an unpaired image-to-image translation model, to adapt horses to zebras (and vice versa) with two GANs in one
47-
48-
- [X] [Deep Neural Networks with PyTorch](https://www.coursera.org/learn/deep-neural-networks-with-pytorch) (by Joseph Santarcangelo from IBM at Coursera) ~ 8 hours.
49-
1. Explain and apply their knowledge of Deep Neural Networks and related machine learning methods
50-
2. Know how to use Python libraries such as PyTorch for Deep Learning applications
51-
3. Build Deep Neural Networks using PyTorch
52-
53-
- [X] [Deep Learning for Business](https://in.coursera.org/learn/deep-learning-business) (by Jong-Moon Chung from Yonsei University at Coursera) ~ 8 hours.
54-
1. Deep Learning Products & Services.
55-
2. Business with Deep Learning & Machine Learning.
56-
3. Deep Learning Computing Systems & Software.
57-
4. Basics of Deep Learning Neural Networks.
58-
5. Deep Learning with CNN & RNN.
59-
6. Deep Learning Project with TensorFlow Playground.
60-
61-
- [ ] [Deep Learning in Python](https://www.datacamp.com/courses/deep-learning-in-python) (by Dan Becker at DataCamp). ~ 4 hours.
62-
1. Basics of deep learning and neural networks.
63-
2. Optimizing a neural network with backward propagation.
64-
3. Building deep learning models with `keras`.
65-
4. Fine-tuning keras models.
66-
67-
# Contributing
68-
69-
Contributions are very welcome, please share back with the wider community (and get credited for it)!
70-
71-
Please have a look at the [CONTRIBUTING](contributing.md) guidelines, also have a read about our [licensing](https://github.com/Data-Science-Community-SRM/Resourceify/blob/master/LICENSE) policy.
72-
73-
---
74-
75-
Back to [main page (table of contents)](https://data-science-community-srm.github.io/Resourceify/)
1+
# 5. DEEP LEARNING <sub><sup><sub>([back &uarr;](#table-of-contents))</sub></sup></sub>
2+
3+
## Python
4+
- [X] [Neural Networks and Deep Learning](https://www.coursera.org/learn/neural-networks-deep-learning) (by Andrew Ng from deeplearning.ai at Coursera) ~ 12 hours.
5+
1. Introduction to deep learning.
6+
2. Neural Networks Basics.
7+
3. Shallow neural networks.
8+
4. Deep Neural Networks.
9+
10+
- [X] [Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization](https://www.coursera.org/learn/deep-neural-network) (by Andrew Ng from deeplearning.ai at Coursera) ~ 9 hours.
11+
1. Practical aspects of Deep Learning.
12+
2. Optimization algorithms.
13+
3. Hyperparameter tuning, Batch Normalization and Programming Frameworks.
14+
15+
- [X] [Structuring Machine Learning Projects](https://www.coursera.org/learn/machine-learning-projects) (by Andrew Ng from deeplearning.ai at Coursera) ~ 6 hours.
16+
1. ML Strategy (1).
17+
2. ML Strategy (2).
18+
19+
- [X] [Convolutional Neural Networks](https://www.coursera.org/learn/convolutional-neural-networks) (by Andrew Ng from deeplearning.ai at Coursera) ~ 9 hours.
20+
1. Focuses on computer vision and its applications, including autonomous driving, face recognition, and medical imaging.
21+
2. Learn how to build convolutional neural networks, including recent variations such as residual networks, and apply them to visual detection and recognition tasks.
22+
3. Learn how to use neural style transfer to generate art and apply these algorithms to various types of data, including images, videos, and 3D data.
23+
24+
- [X] [Sequence Models](https://www.coursera.org/learn/nlp-sequence-models) (by Andrew Ng from deeplearning.ai at Coursera) ~ 6 hours.
25+
1. Focuses on sequence models and their applications in areas such as speech recognition, music synthesis, chatbots, machine translation, and natural language processing.
26+
2. Learn to build and train Recurrent Neural Networks (RNNs) and variants such as GRUs and LSTMs, which are commonly used in sequence modeling.
27+
3. Gain experience with natural language processing and Word Embeddings, which are essential for processing text data, and use HuggingFace tokenizers and transformer models to solve NLP tasks such as Named Entity Recognition (NER) and Question Answering.
28+
29+
- [X] [Build Basic Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/build-basic-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 9 hours.
30+
1. Learn about GANs and their applications
31+
2. Understand the intuition behind the fundamental components of GANs
32+
3. Explore and implement multiple GAN architectures
33+
4. Build conditional GANs capable of generating examples from determined categories
34+
35+
- [X] [Build Better Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/build-better-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 6 hours.
36+
1. Assess the challenges of evaluating GANs and compare different generative models
37+
2. Use the Fréchet Inception Distance (FID) method to evaluate the fidelity and diversity of GANs
38+
3. Identify sources of bias and the ways to detect it in GANs
39+
4. Learn and implement the techniques associated with the state-of-the-art StyleGANs
40+
41+
- [X] [Apply Generative Adversarial Networks (GANs)](https://www.coursera.org/learn/apply-generative-adversarial-networks-gans) (by Sharon Zhou from deeplearning.ai at Coursera) ~ 9 hours.
42+
1. Explore the applications of GANs and examine them wrt data augmentation, privacy, and anonymity
43+
2. Leverage the image-to-image translation framework and identify applications to modalities beyond images
44+
3. Implement Pix2Pix, a paired image-to-image translation GAN, to adapt satellite images into map routes (and vice versa)
45+
4. Compare paired image-to-image translation to unpaired image-to-image translation and identify how their key difference necessitates different GAN architectures
46+
5. Implement CycleGAN, an unpaired image-to-image translation model, to adapt horses to zebras (and vice versa) with two GANs in one
47+
48+
- [X] [Deep Neural Networks with PyTorch](https://www.coursera.org/learn/deep-neural-networks-with-pytorch) (by Joseph Santarcangelo from IBM at Coursera) ~ 8 hours.
49+
1. Explain and apply their knowledge of Deep Neural Networks and related machine learning methods
50+
2. Know how to use Python libraries such as PyTorch for Deep Learning applications
51+
3. Build Deep Neural Networks using PyTorch
52+
53+
- [X] [Deep Learning for Business](https://in.coursera.org/learn/deep-learning-business) (by Jong-Moon Chung from Yonsei University at Coursera) ~ 8 hours.
54+
1. Deep Learning Products & Services.
55+
2. Business with Deep Learning & Machine Learning.
56+
3. Deep Learning Computing Systems & Software.
57+
4. Basics of Deep Learning Neural Networks.
58+
5. Deep Learning with CNN & RNN.
59+
6. Deep Learning Project with TensorFlow Playground.
60+
61+
- [ ] [Deep Learning in Python](https://www.datacamp.com/courses/deep-learning-in-python) (by Dan Becker at DataCamp). ~ 4 hours.
62+
1. Basics of deep learning and neural networks.
63+
2. Optimizing a neural network with backward propagation.
64+
3. Building deep learning models with `keras`.
65+
4. Fine-tuning keras models.
66+
67+
# Contributing
68+
69+
Contributions are very welcome, please share back with the wider community (and get credited for it)!
70+
71+
Please have a look at the [CONTRIBUTING](contributing.md) guidelines, also have a read about our [licensing](https://github.com/Data-Science-Community-SRM/Resourceify/blob/master/LICENSE) policy.
72+
73+
---
74+
75+
Back to [main page (table of contents)](https://data-science-community-srm.github.io/Resourceify/)

Reinforcement Learning/RL.md

Lines changed: 11 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -1,11 +1,11 @@
1-
2-
3-
# Contributing
4-
5-
Contributions are very welcome, please share back with the wider community (and get credited for it)!
6-
7-
Please have a look at the [CONTRIBUTING](contributing.md) guidelines, also have a read about our [licensing](https://github.com/Data-Science-Community-SRM/Resourceify/blob/master/LICENSE) policy.
8-
9-
---
10-
11-
Back to [main page (table of contents)](https://data-science-community-srm.github.io/Resourceify/)
1+
2+
3+
# Contributing
4+
5+
Contributions are very welcome, please share back with the wider community (and get credited for it)!
6+
7+
Please have a look at the [CONTRIBUTING](contributing.md) guidelines, also have a read about our [licensing](https://github.com/Data-Science-Community-SRM/Resourceify/blob/master/LICENSE) policy.
8+
9+
---
10+
11+
Back to [main page (table of contents)](https://data-science-community-srm.github.io/Resourceify/)

opencv_computer_vision

Lines changed: 0 additions & 1 deletion
This file was deleted.

0 commit comments

Comments
 (0)