#1 Thoughts on Tech, Space, and Brain

I have decided to write stuff related to Tech ( lastest tech, coding, etc), Space, and Brain ( Philosophy, Psychology, etc ). Because these three categories excite me.


Tech ( lastest tech, coding, etc)


When I think about Technology, it’s a way to minimize the time for computing, efficiently storing information, being able to connect seamlessly and provide security for solving a particular use-case.

Space


I really like looking at the sky at night and wondering where are we and how big is this universe.  I feel like going into a different dimension.


The Hubble telescope helped us to witness this universe from a different perspective by providing all the beautiful images.  The Hubble telescope was launched in 1990 and had 5 servicing machines. It is still operating for over 31 years. Fantastic!
Recently NASA has launched James Webb Space Telescope on December 24, 2021, which is the successor of the Hubble telescope. You can check its present location using the below link https://www.jwst.nasa.gov/content/webbLaunch/whereIsWebb.html?units=english
JWST will bring us closer to unveiling the secrets of the universe.

Brain ( Psychology, Philosophy, etc. )


Habits are created based on repetition and frequency, not by the clock ticking – James clear


Books I am currently reading:

  • Man’s search for  meaning
  • Wanting: The Power of Mimetic Desire in Everyday Life

Follow me on twitter https://twitter.com/cherrythecoder

The Ostrich Effect

Hello People,

Motivation for writing this blog post.

I was actually listening to music in Spotify then suddenly I switched to podcasts. I was looking for podcasts related to Psychology and came across “Hidden Brain” hosted by Shankar Vedantam. I was scrolling through the list of podcast topics by Hidden Brain.
I have listened to “The Ostrich Effect”. So I have thought to write a blog post about it in this website.

*Please ignore my bad writing skills. I will certainly improve.

 

ostrich_effect1-7c6d5ea01a1c7314c8393ff0d6818fa62567064a-s800-c85

Many of us are voracious consumers of information. And we are always looking out for a new way to take even more. We also confronted by unpleasant information. This unpleasant information often creates a paradox in the brain. This type of information also produces psychic pain and one of the oldest rules in the brain is to avoid the things that are painful. It is sometimes we shut it all out.

There is an old theory in economics about information

You should always be willing to hear information about finances or your health.

No matter how you feel about the information, there is one thing you should never do.
That is Person should never avoid information because information can never hurt a decision.

Less is never more when it comes to information. Here’s the thing humans are not always rational and when it comes to information.

Information can be Anxiety provoking and depressing. What do we do when something makes sad or depressed we turn away from it.

When the thing that is depressing is information, we say ” I don’t wanna hear about it

Social Scientists call this behavior ” Information Aversion” more commonly it is called “Ostrich Effect

In behavioral finance, the ostrich effect is the attempt made by investors to avoid negative financial information. The name comes from the common legend that ostriches bury their heads in the sand to avoid danger.

When stock Market goes down people will check their portfolio less often and they often check if the market goes up. It shows that information shows immediate pain they are anticipating the future losses. They don’t have losses yet. That information causes emotional pain because of that information.

Instead of doing the rational thing learning as much as possible about the topic, many of us do the opposite. We Stick our heads in the sands.

garbage-ostrich-effect-2-638.jpg

This is true for more than just about the financial information.
Hidden brain conducted a survey, they asked their listeners who are addicted to news. But when the Donald Trump won the US presidential election. These particular people who are addicted to news became complete news block out. Headlines about the trump stress these people and cause them pain. That’s the key marker for ” Information Aversion”

Some people will avoid the information when it’s too much to digest. This is called “Information overload“.

Information aversion” is not because of overloaded information but because of unpleasant information.

People want information about more happier future.


Study 1
A study conducted where two envelopes labeled ” Big ” and ” Small” is placed before a person. There is a 10% chance that money will be in the envelopes. If money is present then 100$ will be in the Big envelope and 10$ will be in the Small envelope. They need to wait for 20mins to select or else they can pay some amount to immediately open one envelope.

83.4% people paid money to know beforehand. Most of them selected the “Big” envelope. Because winning a 100$ amount is more satisfying than winning a 10$ amount. Here we need to observe that knowing the information before 20mins by paying a certain amount doesn’t affect anything in their decision .

Study 2
Another study conducted whether people willing to pay to avoid unpleasant information.

This study is conducted at a university. A medical test is conducted to check whether students have HSV( one of the STD ). Many students initially agreed to check up. They have given a chance after drawing their blood to avoid knowing their result by paying 10$. Surprisingly 85.87% students avoided knowing the result. because they thought it may cause them unnecessary stress. Students who are in good mood are more likely to avoid the information( Ignorance is bliss).

Fear is an effective way about how people behave. Scare tactics are only useful for one time effective. For a long period of time(if you want to change your diet etc.,), these scare tactics are not useful.

Study 3

This study is conducted on 3000 American women belongs to large company insurance. These women are 50 to 64 aged. Every year these women are tested to get their mammogram which will help to find out whether they have breast cancer or not.

When a woman is diagnosed with breast cancer, her immediate co-workers reduced the propensity to have breast screening. This behavior continued for 2 years. If a woman is in the late stage of breast cancer, then this avoidance behavior is stronger. Seeing a colleague suffer made them avoid screening.


People who avoid information rationally know that they would be better half if they fully understood the bad news.

You should always be willing to find information about your finances and health.

But deep in the brain tells us to avoid things that are unpleasant, painful or scary. If we want people to pay attention to negative information, we can’t assume that they behave like rational robots, we need to communicate information accurately and give the people the capacity to process and deal the psychological pain.

Avoiding information doesn’t mean you are a fool but means a human.


Thanks to humans who read my blog post 😉 Keep Smiling.

Source : Hidden brain

(Continued) Week2- Neural Networks Basics #100DaysOfMLCode Challenge

*This post is part of my #100DaysOfMLCode challenge. Learning about Machine Learning for 100days continuously. I have taken images from my specialization course which I have taken on Coursera.

*please ignore my writing skills. and also I didn’t organize the information well. This Post is about what I have understood from the videos which I have watched.

Coursera’s Deep Learning Specialization course homepage: https://www.coursera.org/learn/neural-networks-deep-learning#



Python and Vectorization

Vectorization

  • Vectorization is basically a method of getting rid of explicit for-loops.
  • In the deep learning era, code runs for relatively large datasets. So our code needs to perform well. Vectorization plays a key role here.
  • vectorized code.png vectorized code runs faster than non-vectorized code.
  • SIMD(Single Instruction Multiple Data)


More Vectorization Examples

  • By avoiding explicit for loops, your code will run significantly faster.
  • The rule of thumb to keep in mind is “whenever you are programming neural network or logistic regression just avoid the explicit for-loops whenever possible.”
  • forloopWhenever you want to compute Vector ‘u’ as a product of matrix A and another vector ‘v’, then
  •  matrix multiplication.pngdefinition of matrix multiplication
  • nonvector.png in the non-vectorized version, we need to have two for loops.
  • vecthis is the vectorized version, this will eliminate the use of two- for loops.
  • expsuppose you need to apply the exponential operation on every element of a vector/matrix.
  • implementation.png As you can see , there is a non-vectorized implementation on the left side. Where as right side contains Vectorized implementation. Vectorized implementation will allows us to eliminate the explicit for-loop.
  • numpyusing numpy functions we can able to apply the similar operation to all the elements of a vector without the use of explicit for loop.
  • eliminate for loo we have eliminated the second for-loop from the algorithm. Instead of a for-loop we have used vector.

Vectorizing Logistic Regression

  • Vectorizing Logistic Regression means implementing Logistic Regression without a single for-loop.
  • predictionspredictions can be calculated in a single step rather than for each individual training element.
  • linecodewith one line of code, we can able to calculate capital Z.


Vectorizing Logistic Regression’s Gradient Output

  • 7.48.pngwe have done forward propagation and backward propagation by computing the derivatives and predictions on all the training examples without using a for-loop.
  • 8.23Gradient Descent is updated as following.
  • 8.53we may need an explicit for-loop whenever we need to iterate it for multiple times.
  • We can able to do a single iteration of for-loop without using a for-loop.
  • Broadcasting a technique through which certain parts of the code can be made more efficient and faster.

Broadcasting in Python

  • broadcasting.png Can you calculate the percentage of calories from carbs, protein, and fats without the use of explicit for-loop.
  • 4.21 axis=0 represents the adding the sum of the elements vertically.
  • 4.56 this is an example of broadcasting in python.
  • 7.25.pngbasic process of broadcasting.
  • 8.51General principle of broadcasting.

A Note on python/numpy vectors

  • 4.27 whenever you create a vector, don’t use the “rank 1” type vectors.
  • 5.55.png if you are not sure about the dimensions then you can use assert statement.
  • Either use column vector or row vector.

Logistic Regression Cost Function

  • 3.13.pngsingle equation depicting Logistic Regression in two forms.

Python Basics with Numpy

  1. In this particular Programming exercise we will learn
  2. How to use Numpy
  3. Implement some basic core deep learning functions such as the softmax, sigmoid, dsigmoid, etc.
  4. Learn how to handle data by normalizing inputs and reshaping images.
  5. Recognize the importance of vectorization.
  6. Understand how python broadcasting works.
  7. I have learnt about building basic functions with numpy.
  8. The data structures we use in numpy to represent the shapes ( vectors, matrices, etc) are called numpy arrays.
  9. Implemented logistic sigmoid function using numpy.
  10. Implemented sigmoid gradient using numpy.
  11. Two common numpy functions used in deep learning are np.shape and np.reshape.
  12. Learnt how to reshape the numpy arrays.
  13. Implemented broadcasting and softmax function.
  14. How vectorization plays an important role in computation of vectors and matrices.
  • Vectorization plays an important role in deep learning. It provides computational efficiency and clarity.
  • Implemented the basicsigmoid, sigmoid, sigmoid_derivative, image2vector, normalize rows, softmax, L1 function and L2 function.

Logistic Regression with a Neural Network Mindset

  1. In this Programming assignment we are going to work with logistic regression in a way that builds intuition relevant to neural networks
  2. By doing this assignment you will get to know about building the general architecture of a learning algorithm
  3. You will get to know about initializing parameters, calculating the cost function and its gradient. Using an optimization algorithm as well
  • numpy is the fundamental package for scientific computing with Python.
  • h5py is a common package to interact with a dataset that is stored on an H5 file.
  • matplotlib is a famous library to plot graphs in Python.
  • PIL and scipy are used here to test your model with your own picture at the end.
  1. Many software bugs in deep learning come from having matrix/vector dimensions that don’t fit. If you can keep your matrix/vector dimensions straight you will go a long way toward eliminating many bugs.

Common steps for pre-processing a new dataset are:

  1. Figure out the dimensions and shapes of the problem (m_train, m_test, num_px, …)
  2. Reshape the datasets such that each example is now a vector of size (num_px * num_px * 3, 1)
  3. “Standardize” the data

The main steps for building a Neural Network are:

  • Define the model structure(such as number of input features)
  • Initialize the model’s parameters.
  • LOOP( calculate current loss (forward propagation), Calculate current gradient (backward propagation), update parameters(gradient descent))

Implemented the following functions by doing this exercise.

  1. Initializing the values of w,b.
  2. Optimize the loss iteratively to learn the parameters (w,b)
  3. Computing the cost and its gradient.
  4. Updating the parameters using gradient descent.
  5. Used the learned (w,b) to predict the labels for a given set of examples.
  • Different learning rates gives different costs.
  • In deep learning it is recommended to chose the learning rate which minimizes the overall cost. But if the model overfits , use other techniques to reduce overfitting.

 

Week2- Neural Networks Basics #100DaysOfMLCode Challenge

*This post is part of my #100DaysOfMLCode challenge. Learning about Machine Learning for 100days continuously. I have taken images from my specialization course which I have taken on Coursera.

*please ignore my writing skills. and also I didn’t organize the information well. This Post is about what I have understood from the videos which I have watched.

Coursera’s Deep Learning Specialization course homepage: https://www.coursera.org/learn/neural-networks-deep-learning#

Neural Networks Basics

This is the Week2 of the Neural Networks and Deep Learning Specialization course.

Logistic Regression as a Neural Network

This Week we go over the basics of Neural Network programming.

  • While implementing the Neural Network, Implementation techniques also play an important role.
  • In this week we learn about a method where neural network processes entire training dataset(m) without taking help of explicit ‘for’ loop for processing the training set.
  • We also learn about why the computation of neural network requires Forward propagation and backward propagation.

Binary Classification

  • Logistic regression is an algorithm for Binary Classification.
  • binary classificationdenotes binary classification problem. Input can be an image and we need to find whether the image is the cat or not. we will use ‘y’ to denote the output.
  • Computer will store the image in the form of 3 matrices(Red, Green and Blue color channels). These are the pixel Intensity Values.

rgb

  •  fig shows that if you have a 64 by 64 image then you should have three 64 by 64 matrices denoting Red, Green and blue color channels.
  • matricesas you can see. We can un row the pixel intensity values from matrices and put them in feature X. X has the elements around 3*64*64 as there are three matrices.
  • In Binary Classification our goal is to learn or train a classifier which takes images as input in the form of feature Vector X and outputs the value as Y.
  • notations shows the basic notations used for logistic regression. m represents training examples. Here X contains m-training set values of x which are arranged in column wise.
  • column wise as you can see Y contains the output values which are arranged in column wise.
  •  shape.pngIn python there is a library( NumPy) with which we can able to find the dimensions of a particular matrix. The function is ‘shape’. Usage = X.shape()

Logistic Regression

  • Logistic Regression is a learning algorithm which is used for Binary Classification problem which has output labels 0 or 1( Supervised Learning Problem).
  • Here w, b are parameters .
  • linear function.png if we use this Linear function, then it would be not appropriate because values can be negative or values can be larger than 1. So this linear function is not appropriate for Binary classification.
  • We use Sigmoid function for the output value of Y.
  • sigmoid As you can see in the image. If the value of Z is large then sigmoid of Z will be nearly equals to 1. But when the value of Z is large negative number. Then sigmoid of Z will be nearly Zero.
  • The graph depicts the values of Z as a function of (sigmoid)Z.
  • Our goal is to learn to find the parameters w,b such that y(cap) becomes good estimate when Y=1.

Logistic Regression Cost Function

  • To train the parameters w,b we need to have a Cost function.
  • ith element.pngSuperScript (i) represents ith element in a training set.
  • Loss function will tell us how well our algorithm is working( in this case the algorithm is Logistic regression).
  • loss functionwe often don’t use this loss function in logistic regression because of Gradient descent fails to find optimum value.as there are several global optimum values.
  • Loss function is nothing but a squared error of actual and predicted value.
  • lossfunLogistic RegressionThis loss function is used for Logistic Regression
  • los as you can see if y=1, then we want y(cap) to be as large as possible and when
    y=0, we want y(cap) to be as small as possible.
  • Loss function is defined to tell how well our algorithm is working for a single example from a
    training set. But a cost function is defined for entire training set.
  •  cost functionshows the cost function. Which is defined for entire training set.
  • We will find the values of parameters(w,b) such that the overall cost function is minimum.
  • Logistic Regression can be viewed as a small neural network.

Gradient Descent

  • mincost.png we need to find the values of w,b such that Cost function is minimum.
  • w-can be high dimensional but for plotting we will consider it as a single real number.
  • This function J is a type of convex function. So we can able to find the minimum value.
  • The main reason why we use this type of cost function is because it is a convex Function.
  • In order to find the good values of parameters w,b which makes the overall cost function to a minimum value, we will set w,b with some initial values.
  • We can use any initialization method for the parameters. As this is a convex function whatever value we initialize it will come to minimum value. No need to worry about that.
  • Gradient Descent will start from the initial step with initial values of the parameters and gradually descents in steepest way. Gradually it goes to global optimum.
  • gradient descent worksshows how gradient Descent works. It will repeat the step as shown in the picture. It will do the derivative of the cost function with the help of alpa.
  • Alpa () is the learning rate. It controls how bigger step we take in each iteration of the gradient Descent.
  • (dw) denote the variable which has derivative.
  • learning rateas you can see if the derivative value is negative then w will proceed in positive way
    and when derivative value is positive then will proceed in negative way.
  • partial derivative.pngIn calculus we use different symbol to represent a derivative of a function which has two variables. Here we will use partial derivative function as there are two variables.

Computation Graph

  • Computation Graph is used to find the derivatives for the complex functions.
  • Computations of a neural network are organized in the form of Forward propagation and backward propagation.
  • In forward propagation output of the neural network is expected.
  • In backward propagation step, we compute gradient or derivatives.
  • The Computation Graph explains why this is organized in this manner.

Derivatives with a Computation Graph

  • computation graph shows the computation graph.

Logistic Regression Gradient Descent

  • This tells us how to compute Derivatives for the gradient descent of the Logistic Regression.
  • LogisticRegGradshows how we can find derivatives for gradient descent for a particular training example.

Gradient Descent on m Examples

  • mexamples.pngthere are some methods like Vectorization in order to avoid explicit for-loops.
  • Explicit for-loops will make code inefficient if the size of the database is too large.

 

Day2 #100DaysOfMLCode challenge

*This post is part of my #100DaysOfMLCode challenge. Learning about Machine Learning for 100days continuously. I have taken images from my specialization course which I have taken on Coursera.

*please ignore my writing skills. and also I didn’t organize the information well. This Post is about what I have understood from the videos which I have watched.

Coursera’s Deep Learning Specialization course homepage: https://www.coursera.org/learn/neural-networks-deep-learning#

check my Previous blog post : What is a Neural Network?

Supervised Learning with Neural Networks

0.29

Neural networks plays a good role in Online Advertising where it takes all the user’s information and predicts whether the user clicks on the ads or not.

Supervised learning is the one which takes a certain input X and uses certain function to map with the output Y .

2.49.png

As you can see in the image. These are the applications of SuperVised Learning. And their input and output is given respectively.

4.19

For image applications we often use Convolutional Neural Network.
For Sequence Data, we often use Recurrent Neural network.
For Autonomous Driving etc, we often use Custom/Hybrid Neural Network.

5.01

There are basically three types of neural networks. They are
1.Standard Neural Network
2.Convolutional Neural Network
3.Recurrent Neural Network

6.16

Example of Structured and Unstructured Data.

Structured data Contains clearly define features values.

Why is Deep Learning taking off?

Continue reading “Day2 #100DaysOfMLCode challenge”

What is a Neural Network?

Hello Friends,

Story Behind this post:

I always wanted to write posts about Computer Science. I feel happy when I write about these stuff. Since last month I started exploring DataScience Field. I am focusing to get a job in DataScience Field. The thing which got me attracted to DataScience field is Deep Learning.

Most Deep Learning models are based on Artificial Neural Network which came from the concept of Neural network in the Human Brain. The main reason for starting this Website is to explore the fields related to Human Brain, Space and Computer Science.

Deep Learning deals with two of my favourite Topics(Human Brain and Computer Science ). So this is the main reason why I started to explore Deep Learning.

 

As a part of Exploring Deep Learning. I have taken a Specialization course on Coursera.

Course Homepage : https://www.coursera.org/specializations/deep-learning

This Specialization course is taught by Andrew Ng. Andrew Ng is a great person with the greatest teaching skills.

 

I am going to teach whatever concepts which I have learnt in this course. Images are taken from the Course Videos.

Today Topic is about ” What is Neural Network?housing price prediction

Let us consider an example of housing price prediction problem. Let’s say we have a dataset of 6 houses containing the features like the price of the house and the size of the house. After depicting the values of 6 dataset values on the graph. We need to have a function which satisfies these dataset values and able to predict next house price with a Value of size of the house.  We can fit a straight line satisfying these values

1.15

Using the concept of linear regression we can able to set a straight line satisfying these values. What we have done as you can see in the above image is an example of Simplest Neural Network.

Simplest Neural Network.

1.42

In the image as you can see, there is one input named “ size “  and it goes into a Neuron( little circle as shown in the image) where the actual function resides and gives output in the form of a price. Neuron implements the function which we have drawn in the image as shown above.  Neuron Computes input values using the Linear function.

2.07

Sometimes in the Neural Network Literature, we often come up with a graph(or a function ) which starts with zero and continues which a straight line with a certain slope.

That particular type of function is called as “ReLU” Function. Rectified Linear Unit.

Larger Neural Network is built by stacking small neurons (Like shown in the above image ).

4.30

As you can see in the image, it’s an example of a larger Neural Network. This Larger Neural Network contains more than one input ( more than one features ).

**Here I got a doubt whether we can use different activation functions for some set of neurons and a different set of activation functions for another set of neurons.??? ( I googled this doubt and find out that Yes, we can use )

5.17

As you can see in the image, we just need to give the inputs and it will predict the price of the house using Training examples which we have given.

6.33

As you can see in the image, each of the hidden units( neurons) are connected by each input features so that each neuron in the hidden unit has the opportunity to decide and think in several aspects to predict the output.

->Given enough examples of (X,Y) neural network will do a remarkable job in figuring out the functions that accurately map (X) to (Y)

Whatever explained so far in the Neural network is an example of Supervised Learning. Which means the system takes certain input (X) and gives back the result (Y) as output.

 

 

 

 

Why did Microsoft Acquired Github?

I actually wanted to know why did Microsoft acquired github? and what’s their main motto for this.

They have clearly mentioned their motto. I have seen their blog post regarding this acquisition. Following are the things which they have written in their post.

github
Image Source: Source

Given all of this, together with GitHub, we see three clear opportunities ahead.

First, we will empower developers at every stage of the development lifecycle – from ideation to collaboration to deployment to the cloud. Going forward, GitHub will remain an open platform, which any developer can plug into and extend. Developers will continue to be able to use the programming languages, tools and operating systems of their choice for their projects – and will still be able to deploy their code on any cloud and any device.

Second, we will accelerate enterprise developers’ use of GitHub, with our direct sales and partner channels and access to Microsoft’s global cloud infrastructure and services.

Finally, we will bring Microsoft’s developer tools and services to new audiences.

Most importantly, we recognize the responsibility we take on with this agreement. We are committed to being stewards of the GitHub community, which will retain its developer-first ethos, operate independently and remain an open platform. We will always listen to developer feedback and invest in both fundamentals and new capabilities.

Information Source: Link to the Source

Elon Musk

 

Well, You may already know him. He is a South African-born Canadian American business magnate, investor, engineer and inventor.

I adore him a lot, not because of the above titles he has but he has a clear vision for the future.Among the companies, he is associated with I have a special interest in SpaceX, Neuralink, and OpenAI.

Once he stated,  “making life multiplanetary “by establishing a human colony on Mars.

That word ” Multiplanetary ” buzzing around my subconscious and conscious as well since my childhood days. I have a lot of interest in planets, space etc. After he stated that sentence, one of my vision ( vision of seeing people in establishing colonies in another planet ) matched with his. After that, I got attracted to the works which he is doing to change the world and humanity.

 

Hello This is Cherry

Welcome to my Website.

Why did I start this website?
I always wanted to write posts about the topics which I am interested in. So decided to start this.

Why did I name this as “CherryTheCoder.com”?
Because it’s cool 😉

My main areas of Interest: Computer Science, Space, and Psychology

Create a free website or blog at WordPress.com.

Up ↑