No video

Speech Emotion Recognition (Sound Classification) | Deep Learning | Python

  Рет қаралды 63,255

Hackers Realm

Hackers Realm

Күн бұрын

Пікірлер: 269
@HackersRealm
@HackersRealm 2 жыл бұрын
Hi Everyone!!! New video with transformers has been released (99.6% accuracy) and link is available in description with latest code. For the current video, due to some hidden files in kaggle data, the dataset has been loaded 2 times. Please check the github repo for the updated code file. The validation accuracy will be around 67% which is better for a baseline multiclassification. The process remains the same for the project. Due to module updates, there are few changes needs to be done. It has been updated in github notebook. 1. sns.countplot(data=df, x='label') 2. In waveplot function, update- librosa.display.waveshow(data, sr=sr). Use waveshow instead of waveplot in librosa Happy Learning!!!!
@devisnugroho
@devisnugroho 2 жыл бұрын
how to load dataset if I had in my local directory?
@HackersRealm
@HackersRealm 2 жыл бұрын
@@devisnugroho You can just set the path in base_dir variable in a similar way
@rittataylor_2000
@rittataylor_2000 Жыл бұрын
@@HackersRealm sir can you share the papers you used for reference in this topic
@HackersRealm
@HackersRealm Жыл бұрын
@@rittataylor_2000 Sorry I didn't use any papers for reference
@rittataylor_2000
@rittataylor_2000 Жыл бұрын
@@HackersRealm sir can you share description of the model that you have used for this project
@alisher7545
@alisher7545 9 ай бұрын
Thank you so much from my heart I am searching this project from past week some are paid and some didn't share the code you are amazing❤❤❤
@HackersRealm
@HackersRealm 8 ай бұрын
Glad it was helpful!!!
@Storm_cipher
@Storm_cipher 4 ай бұрын
Hey how do you get the final output of emotion detected
@radhebhay
@radhebhay 11 ай бұрын
The video, I was finding the same after searching a lot at last I get it in this video all the content I needed those all contents are mentioned and for what I was searching. I am satisfied with this video. 🥰😇
@HackersRealm
@HackersRealm 11 ай бұрын
Glad it was helpful!!!
@Storm_cipher
@Storm_cipher 4 ай бұрын
Hey brother, how do i get the final output, that is the final emotional classification eg happy sad anger etc????? Please tell!!!
@laurapagani321
@laurapagani321 10 ай бұрын
Thank you for your code. Could you please add how can I test the model with a new audio file?
@yikes3807
@yikes3807 8 ай бұрын
Hey did You found out? can you help?
@varunkareti8628
@varunkareti8628 5 ай бұрын
Hey did you got the code
@sarfarazahmed9614
@sarfarazahmed9614 2 жыл бұрын
Please make a video on how to deploy this model on a web application using flask. That will be great!
@HackersRealm
@HackersRealm 2 жыл бұрын
Well, I already made a video how to deploy any model using flask, kindly check it
@rpvikas
@rpvikas 5 ай бұрын
Hii 👋🏼! I wanted to follow this for recognising baby's cry using their tone of sound . If I used required data set for it will I be able to do it using this.
@HackersRealm
@HackersRealm 5 ай бұрын
yes, it is definitely possible
@imgoodboy-v7o
@imgoodboy-v7o 4 күн бұрын
Bro you lucky 😂 you got Training accuracy 99% Validation Accuracy 99% in first Start
@HackersRealm
@HackersRealm 3 күн бұрын
Kindly check the new video which was released recently with transformers.
@pavankumar-ue9fd
@pavankumar-ue9fd 3 ай бұрын
bro i have doubt in loading of data set can u explain in brief ??
@HackersRealm
@HackersRealm 3 ай бұрын
yeah please share the query here
@ScottRock12
@ScottRock12 9 ай бұрын
Thank u, what a tutorial!
@bakhshizade
@bakhshizade Жыл бұрын
Thanks for this tutorial. I am interested in implementing personality trait speech recognition, which I think is somehow related to emotion recognition. Any idea/advice on this topic? Thank you!
@pushpacarpenter9522
@pushpacarpenter9522 Ай бұрын
Training data contains 1 samples, which is not sufficient to split it into a validation and training set as specified by `validation_split=0.1`. Either provide more data, or a different value for the `validation_split` argument. I am facing this error while training of model, how can i solve this? and i am using kaggle colaboratory
@HackersRealm
@HackersRealm Ай бұрын
I think there is a problem in dataset and some class have less samples, please check that once as it might be causing the issues.
@sagarbhagwani7193
@sagarbhagwani7193 7 ай бұрын
Sir amazing project with beautiful explaination just one question why LSTM ? we all know they work good with textual data
@HackersRealm
@HackersRealm 7 ай бұрын
Currently it's better to go with transformers as it will work much better than LSTM
@sagarbhagwani7193
@sagarbhagwani7193 7 ай бұрын
i agree sir but i was confused that why lstm Transformers has that capability to work with different type of datas . obviously it will also perform best withbtest but it can work with images and tabuler data too so why lstm? @@HackersRealm
@HackersRealm
@HackersRealm 7 ай бұрын
@@sagarbhagwani7193 As i said, it was just for tutorial purpose. New video will be made soon in the upcoming months.
@DivyaPrakashMishra1810
@DivyaPrakashMishra1810 8 ай бұрын
Thanks for the detailed explanation, just some questions as I'm new to this. So the models are using features like mfcc for recognition, that means the waveplot and spectrogram is for visual representation only. right?, Also how can I make changes so that I give the audio file as input and the model gives emotion as output?
@HackersRealm
@HackersRealm 8 ай бұрын
waveplot and spectogram is for visualizations only... and for the model prediction, you can do the similar feature extraction steps and use model.predict to extract features.
@sumantralal1029
@sumantralal1029 6 ай бұрын
bro did you made this project??
@vrnkareti7154
@vrnkareti7154 5 ай бұрын
did you got the output by giving an audio file
@LamNguyen-hw9lq
@LamNguyen-hw9lq Жыл бұрын
What are the train and test set in this case?
@PrinceGhotar
@PrinceGhotar 5 ай бұрын
Thanks you so much for your tutorial but can you please tell how this helps to extract stress score.
@HackersRealm
@HackersRealm 5 ай бұрын
I think we can't use this for stress score estimation
@PrinceGhotar
@PrinceGhotar 5 ай бұрын
@@HackersRealm okay, thanks for your reply.
@sakthiyajayakumar8807
@sakthiyajayakumar8807 Жыл бұрын
Hey there, I'm getting an ValueError: could not convert string to float:'fear'. In the line: sns.countplot(df['label']) what could be the issue? Thanks
@roojina9525
@roojina9525 Жыл бұрын
Hi I have the same error. @HackersRealm Would you please help?
@sakthiyajayakumar8807
@sakthiyajayakumar8807 Жыл бұрын
@@roojina9525 Hi, yea he seems to replying to new comments too similar to ours, but still haven't replied to ours. Let's see
@asgaraizazpeerzada8512
@asgaraizazpeerzada8512 Жыл бұрын
any1 solved this error
@KaranBhanushali-gt6ts
@KaranBhanushali-gt6ts Жыл бұрын
@@asgaraizazpeerzada8512 use this -- > sns.countplot(x=df["label"])
@kanchansahitani4857
@kanchansahitani4857 4 ай бұрын
emotion = 'fear' path = np.array(df['speech'][df['label']==emotion])[0] data, sampling_rate = librosa.load(path) waveplot(data, sampling_rate, emotion) spectogram(data, sampling_rate, emotion) Audio(path) I am getting error there AttributeError: '_process_plot_var_args' object has no attribute 'prop_cycler' please help me
@user-se7qr1sr7i
@user-se7qr1sr7i 4 ай бұрын
Try/ pip install scipy
@mouskey
@mouskey 2 жыл бұрын
Brother can you upload the video about gesture volume control ?
@HackersRealm
@HackersRealm 2 жыл бұрын
I am planning to do gesture recognition project in few weeks for sure!!!
@mouskey
@mouskey 2 жыл бұрын
@@HackersRealm tq sir
@Stains-lz9pz
@Stains-lz9pz 3 ай бұрын
Bro I got error in the final part... history = model.fit(X, y.toarray(), validation_split=0.2, epochs=100, batch_size = 512, shuffle = True) ValueError: Failed to convert a NumPy array to a Tensor (Unsupported object type numpy.ndarray). what to do?????
@HackersRealm
@HackersRealm 3 ай бұрын
Can you check whether both x and y are numpy array?
@preethikae8519
@preethikae8519 Жыл бұрын
Was there a reason why you chose LSTM-RNN model because MLP classifier gives more accuracy
@HackersRealm
@HackersRealm Жыл бұрын
I just choose to show it as an example. To find the best model, we can try out few more different models to finalize
@benedictespiritu1001
@benedictespiritu1001 2 жыл бұрын
Am I correct to assume that because the training acc and validation acc are not far from one another then the model is not overfitting and performing well? If the validation acc is less than the training acc then it is overfitting, right? Thank you for your answers.
@HackersRealm
@HackersRealm 2 жыл бұрын
Yes you're right. If the val accuracy is not improving and the train accuracy is increasing then it's a sign of overfitting
@benedictespiritu1001
@benedictespiritu1001 2 жыл бұрын
@@HackersRealm may I ask why the number of units for the LSTM was set to 128? Thank you.
@hakimarab2436
@hakimarab2436 6 ай бұрын
i did the same steps, but i'm having 400 audio per label, but not 800 ?, this will affect the training
@HackersRealm
@HackersRealm 6 ай бұрын
in the video, the samples were repeated twice, that's why... 400 is the correct flow... I already pinned the comment on that
@MSRRAJPUT-yx6ku
@MSRRAJPUT-yx6ku 5 ай бұрын
Hello sir the explanation was awesome but i a getting lot of error can i get some help
@user-ir3rn5ig7d
@user-ir3rn5ig7d 9 ай бұрын
Hello, thanks for the tutorial! Can the model be used for real-time emotion recognition of a random voice?
@HackersRealm
@HackersRealm 9 ай бұрын
yes, you can
@awatefmessaoudi5666
@awatefmessaoudi5666 Жыл бұрын
thank you for this video, could you please help me to convert the discrete emotion to valence arousal and dominance
@HackersRealm
@HackersRealm Жыл бұрын
I Couldn't get the last part
@jitinchand4460
@jitinchand4460 Жыл бұрын
Sir I am getting an error showing that melspectrogram() takes 0 positional arguments but 1 positional argument (and 1 keyword-only argument) were given.
@preethikae8519
@preethikae8519 Жыл бұрын
Make this change in the extract_feature function mel=np.mean(librosa.feature.melspectrogram(y=X, sr=sample_rate).T,axis=0)
@adnanshahid3452
@adnanshahid3452 5 ай бұрын
Hello SIr I hope you are fine in this code you havent elaborated that how to test this model like how will give file input in the form of my voice and model will tell me that am I angry happy or disgust?
@akshatashadakshari5381
@akshatashadakshari5381 2 жыл бұрын
Hi sir ,my final project topic is " To predict the voices of siblings are matches"..is it possible to do that?
@HackersRealm
@HackersRealm 2 жыл бұрын
Yes, if you have the proper dataset, you can use the same workflow for that
@lifetube1117
@lifetube1117 2 жыл бұрын
Thanks very much !
@HackersRealm
@HackersRealm 2 жыл бұрын
Happy to help!!!
@id486-wilgenjacobo8
@id486-wilgenjacobo8 Жыл бұрын
hey brother, excellent video, currently I run it in Jupyter notebook and if it turned out very well, I need some advice, if I want to try it with a different audio, how can I do it?
@HackersRealm
@HackersRealm Жыл бұрын
You have to use the same preprocessing steps and use model.predict to predict the class
@eminyazilim
@eminyazilim 2 жыл бұрын
Thanks for the video, but after the model is trained at the end, which label is the trained model? feat,angry vs. This stage is important for me, would you be interested?
@HackersRealm
@HackersRealm 2 жыл бұрын
you can use that one hot encoder inverse transform to get the original values (or) you can also see the class labels using that enc object
@moviehacks7866
@moviehacks7866 3 ай бұрын
Im unable to load the dataset in jupyter,can you plss explain?
@HackersRealm
@HackersRealm 3 ай бұрын
I was using kaggle notebook, please use the correct path where you have placed your dataset
@Raysworkshop
@Raysworkshop 2 жыл бұрын
Hi! I've followed the tutorial from top to bottom. If you do it with the same way in the tutorial, you get a close to 100% val_accuracy, but that's only because the training image and the testing image are the same. If you do it with half the image, like in the Github files, you get a around 25% val_accuracy, which is a lot more realistic but really ineffective. Is there any way to improve the val_accuracy without "cheating" and using the same data for testing and training?
@HackersRealm
@HackersRealm 2 жыл бұрын
If you check the github, the val accuracy I have got is around 67, which is better. the github currently not showing the output results from last month. That's why I updated the readme with the accuracy I have got. You can improve by using additional features, changing network and tuning it.
@user-tp9ij9dc5z
@user-tp9ij9dc5z 7 ай бұрын
How can i choose a particular audio file in the given code?
@jayasreeskitchen6220
@jayasreeskitchen6220 Жыл бұрын
Bro can you help me out in How to predict the emotion with the model trained
@HackersRealm
@HackersRealm Жыл бұрын
Could you share which specific part in predicting the class you need help. In general, you have preprocess the data as before and use model.predict() to get the output
@nivy977
@nivy977 6 ай бұрын
Bro can you teach me how this code work in python i facing lot to trouble
@HackersRealm
@HackersRealm 6 ай бұрын
could you share where you're facing troubles?
@Raed_Matti
@Raed_Matti Жыл бұрын
Do you have a video explains how to make lstm with k-fold cross validation?!
@HackersRealm
@HackersRealm Жыл бұрын
for deep learning, I don't have that code
@daviddejesusgallegospoblan2068
@daviddejesusgallegospoblan2068 2 жыл бұрын
Hi, how can I predict which category a new audio belongs to? Excellent video
@HackersRealm
@HackersRealm 2 жыл бұрын
you have to do the same preprocessing what we have done for the dataset and predict it.
@rittataylor_2000
@rittataylor_2000 Жыл бұрын
@@HackersRealm sir in the dataset when we do features extraction is it stored and labelled as these features belong to a specific emotion using the os files and use the classified dataset to teach the model which detect which mfcc features belong to which emotion
@AddoDankwahBaffour
@AddoDankwahBaffour Жыл бұрын
sir with the data analysis am having error with that says "could not convert string to float: 'fear'"
@HackersRealm
@HackersRealm Жыл бұрын
I have checked now, it's working fine!!!
@laurapagani321
@laurapagani321 10 ай бұрын
I did a prediction but the model returns always the same class: how can it be?
@HackersRealm
@HackersRealm 10 ай бұрын
If it's always giving same class for any input, then the model might have not trained well or it may be due to some error in doing the prediction
@dhruvgoyal4261
@dhruvgoyal4261 7 ай бұрын
sir can you please provide syntax for accuracy_score
@sreyamathew327
@sreyamathew327 10 ай бұрын
How to do ser using CNN? I'm a beginner.
@Mickymouse340
@Mickymouse340 2 жыл бұрын
Hey, good video. I just wanted help with using the inverse_transform() function on the onehotencoder. I have the model and want to use it to predict a new audio file. I'm not sure what the parameters of the enc.inverse_transform() would be.
@HackersRealm
@HackersRealm 2 жыл бұрын
In the inverse transform, you have to pass the predicted output from the model. So it would convert the integers back to string classes
@rittataylor_2000
@rittataylor_2000 Жыл бұрын
@@HackersRealm and when we create the lstm layers do we set the layers in such a way that the weight and biases of the model based on the input features will activate the neuron in the output layer that has the highest possibility of the emotion conveyed by the speech
@adhamebaid7758
@adhamebaid7758 5 ай бұрын
thanks for the vedio , how can i predict a single audio file after training the model?
@sumantralal1029
@sumantralal1029 4 ай бұрын
did you made this project with any frontend
@Storm_cipher
@Storm_cipher 4 ай бұрын
Did you do it???
@meenakrish6875
@meenakrish6875 Жыл бұрын
bro one doubt after executing the loading the dataset cell if i execute paths or labels it is not shwoing the paths or labels like in ur video what to do for that
@HackersRealm
@HackersRealm Жыл бұрын
Are you using the same dataset or different one?
@P.S.D_99
@P.S.D_99 6 ай бұрын
hi bro ...your project is really helpful but apart from accuracy does it classify which emotion is depicted in the audio file?
@HackersRealm
@HackersRealm 6 ай бұрын
yes, that's the purpose of project. I plan to make video with latest model which can do it realtime. Please wait for sometime for that.
@Storm_cipher
@Storm_cipher 4 ай бұрын
Hey brother do you know how to get the output if yes please reply
@nimishamrelectronicsengine4453
@nimishamrelectronicsengine4453 Жыл бұрын
In feature extraction of mfcc,y=y.toarray isnt working because such an attribute doesnt exist itseems.What do i do,
@sushmithagajalakshmi153
@sushmithagajalakshmi153 5 ай бұрын
Have you rectified the error?
@sowmyareddy6866
@sowmyareddy6866 Жыл бұрын
in exploratory data analysis im getting what should I do
@HackersRealm
@HackersRealm Жыл бұрын
Are you facing any errors, if yes, what is it?
@meghana4037
@meghana4037 2 жыл бұрын
Hey, I cleared with the waveplot error…now in feature extraction, X_mfcc=df[‘speech’].apply(lambda x: extract mfcc(x)). This is taking long time to run the code and I’m getting timeout zone.
@HackersRealm
@HackersRealm 2 жыл бұрын
yes this will take a long time to extract features
@sam-mv6vj
@sam-mv6vj 2 жыл бұрын
thanks bro
@HackersRealm
@HackersRealm 2 жыл бұрын
Happy to help!!!
@aesthetic_shobiz_life
@aesthetic_shobiz_life 9 ай бұрын
how i show the accuracy on test dataset ?
@thaslina3470
@thaslina3470 6 ай бұрын
where to run and get the output?
@chittisai47
@chittisai47 Жыл бұрын
Hey! Thank you so much. That helped a a lot. I have a question can I do the same using train_test_split ??
@HackersRealm
@HackersRealm Жыл бұрын
yeah, you can use it
@chittisai47
@chittisai47 Жыл бұрын
@@HackersRealm What is the difference between validation split and train_test_split
@HackersRealm
@HackersRealm Жыл бұрын
@@chittisai47 test split and val split are same when we are considering in this aspect
@chittisai47
@chittisai47 Жыл бұрын
@@HackersRealm Ok. Thank you!!
@chittisai47
@chittisai47 Жыл бұрын
@@HackersRealm Sir can you please tell me how do I get the accuracy percentage of the model. I want to print it on the model at last.. What should I do?
@allaveerabadrikumar7625
@allaveerabadrikumar7625 2 жыл бұрын
Hi sir my major project is "automated notes maker from audio recordings" It is just speech to text convertion. How can I do it what is the algorithm I have to use can you please help me
@HackersRealm
@HackersRealm 2 жыл бұрын
Check out image caption generator video, it's similar to your project flow. Instead of image, you have to use audio as input
@nimishamr3940
@nimishamr3940 Жыл бұрын
hey im getting a error in exploratory data analysis catogorical data error,apparently i should one hot encode,what do i do
@HackersRealm
@HackersRealm Жыл бұрын
Could you tell me where exactly you're facing this error? Are you using the same notebook and dataset?
@asgaraizazpeerzada8512
@asgaraizazpeerzada8512 Жыл бұрын
u solved it if yes plz help
@urjaalwadkar304
@urjaalwadkar304 2 жыл бұрын
How to standardise our dataset here? Pls help
@dhruvgoyal4261
@dhruvgoyal4261 8 ай бұрын
pls help the sns.countplot(df['label']) was not working and showing errors pls help
@HackersRealm
@HackersRealm 8 ай бұрын
Use sns.countplot(x='label', data=df)
@dhruvgoyal4261
@dhruvgoyal4261 8 ай бұрын
@@HackersRealm thanks 🙏
@advisionmegaconcept6128
@advisionmegaconcept6128 2 жыл бұрын
please how do i run the file directory path on jupyter notebook?
@HackersRealm
@HackersRealm 2 жыл бұрын
change this os.walk('/kaggle/input') to this os.walk('') in data loading
@advisionmegaconcept6128
@advisionmegaconcept6128 2 жыл бұрын
Thanks for your prompt response. This is my challenge, I kept having empty cell in paths[] and labels[] which I knew because I have not gotten loading data code part right on jupyter notebook. Help out please .
@HackersRealm
@HackersRealm 2 жыл бұрын
@@advisionmegaconcept6128 for loading the data only, i have mentioned in the above reply
@advisionmegaconcept6128
@advisionmegaconcept6128 2 жыл бұрын
Yea but it loads an empty dataset.
@advisionmegaconcept6128
@advisionmegaconcept6128 2 жыл бұрын
@@HackersRealm thanks, all sorted out and running.
@anaahatulhe223
@anaahatulhe223 Жыл бұрын
Sir, I am getting an error like this-"NotImplementedError: Cannot convert a symbolic Tensor (lstm_3/strided_slice:0) to a numpy array. This error may indicate that you're trying to pass a Tensor to a NumPy call, which is not supported" please help thanks
@HackersRealm
@HackersRealm Жыл бұрын
Did you change the implementation from the notebook? Which part you're getting this error?
@prathameshyadav6090
@prathameshyadav6090 11 ай бұрын
AttributeError Traceback (most recent call last) Cell In[52], line 4 2 path=df['speech'][df['label']==emotion][0] 3 data,sampling_rate=librosa.load(path) ----> 4 waveplot(data,sampling_rate,emotion) 5 spectogram(data,sampling_rate,emotion) Cell In[51], line 4, in waveplot(data, sr, emotion) 2 plt.figure(figsize=(10,4)) 3 plt.title(emotion,size=20) ----> 4 librosa.display.waveplot(data, sr=sr) 5 plt.show() AttributeError: module 'librosa.display' has no attribute 'waveplot'
@HackersRealm
@HackersRealm 10 ай бұрын
instead of waveplot, use waveshow()
@roshanaditya8739
@roshanaditya8739 Жыл бұрын
Can we save this model of the form '.h5' and use it for another model? If so how?
@HackersRealm
@HackersRealm Жыл бұрын
yes you could save it as h5 but when you load, it will be same model architecture and weights
@meeramohan9521
@meeramohan9521 2 жыл бұрын
I got value error while train the model Shapes (none, 8) and (none, 7) are incompatible. How can i resolve that
@HackersRealm
@HackersRealm 2 жыл бұрын
Did you use the same the notebook?
@chittisai47
@chittisai47 Жыл бұрын
I got the same. But I did some input error. Please Check..
@dexnug
@dexnug Жыл бұрын
how if we want to check performance of model with the new audio data file?
@HackersRealm
@HackersRealm Жыл бұрын
you can preprocess the data in same way and use model.predict to make a prediction
@Storm_cipher
@Storm_cipher 4 ай бұрын
​@@HackersRealmhow to do this thing bro please reply
@Storm_cipher
@Storm_cipher 4 ай бұрын
Bro did you do it
@jatinsadhwani9218
@jatinsadhwani9218 2 жыл бұрын
Sir please deploy it using streamlit or flask✨✨.. It will be useful for us
@HackersRealm
@HackersRealm 2 жыл бұрын
yeah sure, model deployment using flask video will be uploading soon!!!
@swagsterfut9992
@swagsterfut9992 2 жыл бұрын
@@HackersRealm actively waiting, please upload it soon Sir
@HackersRealm
@HackersRealm 2 жыл бұрын
@@swagsterfut9992 already uploaded kzbin.info/www/bejne/aH3Uo5l7r9p8g80
@swagsterfut9992
@swagsterfut9992 2 жыл бұрын
@@HackersRealm woah thanks, does code change much when deploying an audio model. also if you have deployed the above project through flask/django, that would really help a lot!
@HackersRealm
@HackersRealm 2 жыл бұрын
@@swagsterfut9992 The flow remains the same for all the projects, only thing is you may need to add preprocessing step. No, I didn't have code for the above project
@supravatswain
@supravatswain Жыл бұрын
bro, history = model.fit(X, y, validation_split = 0.2, epochs = 50, batch_size = 128) if I train the model using this i got the error ValueError: Shapes (None, 1) and (None, 7) are incompatible. I'm using LabelEncoder for it. plz help me here.
@HackersRealm
@HackersRealm Жыл бұрын
you may have to change part of the model if you're changing to label encoder
@supravatswain
@supravatswain Жыл бұрын
@@HackersRealm bro I changed the model part but getting same error.
@dexnug
@dexnug 2 жыл бұрын
hi I've tried to run with only 5 classes data, everything work fine, except I my validation acc is zero, and val loss getting higher..can you please help me to fix this?thanks
@HackersRealm
@HackersRealm 2 жыл бұрын
the workflow remains the same for any number of classes, can you reach me via insta or linkedin
@prajwal3117
@prajwal3117 2 жыл бұрын
@@HackersRealm i have the similar issue can you share your instagram or linkedin Profile ID
@harithak7114
@harithak7114 2 жыл бұрын
Hai I am getting error that module librosa has no attribute to display Please help me
@HackersRealm
@HackersRealm 2 жыл бұрын
Try to force reinstall the library using pip
@arryansinha1158
@arryansinha1158 2 жыл бұрын
can you tell how to deploy this project
@HackersRealm
@HackersRealm 2 жыл бұрын
you can watch this video to get an idea on how to deploy any ml project kzbin.info/www/bejne/aH3Uo5l7r9p8g80
@btr_fun_gamerz1641
@btr_fun_gamerz1641 10 ай бұрын
Value error in the exploratory data analysis part
@kinaririos254
@kinaririos254 10 ай бұрын
same
@sreekrishna8
@sreekrishna8 Жыл бұрын
Bro , what are these 40 features ?
@HackersRealm
@HackersRealm Жыл бұрын
40 is just the no. of reduced features
@maheswari8691
@maheswari8691 2 жыл бұрын
I got error at feature extraction it is name df is not defined.can you please solve this
@HackersRealm
@HackersRealm 2 жыл бұрын
try reruning the notebook again, some cells you may be missed while running
@maheswari8691
@maheswari8691 2 жыл бұрын
@@HackersRealm I got another error it is y.toarray() it shows numpy.ndarray object has no attribute
@chittisai47
@chittisai47 Жыл бұрын
Sir you said your updated accuracy is 67% in github. How did you say it?? Please let me know. Can we print the accuracy of the model in last of the model If so please let me know how to do it..
@HackersRealm
@HackersRealm Жыл бұрын
if you use checkpoint and save the model based on best val accuracy, you can get the mentioned result model
@alok_ranjan5163
@alok_ranjan5163 14 күн бұрын
i am getting error while train the model
@HackersRealm
@HackersRealm 13 күн бұрын
in which part you're getting error?
@alok_ranjan5163
@alok_ranjan5163 13 күн бұрын
Train the model, but i solved that error.​@@HackersRealm
@sam-mv6vj
@sam-mv6vj 2 жыл бұрын
Bro do few end to end project also
@HackersRealm
@HackersRealm 2 жыл бұрын
end to end project means? Most of the projects are covered all the topics... Can you explain briefly
@mousikaa8429
@mousikaa8429 2 жыл бұрын
bro how can i access this dataset when i run it in collab or other compilers
@HackersRealm
@HackersRealm 2 жыл бұрын
you can download the data from kaggle, link in the description
@aandabros491
@aandabros491 Жыл бұрын
How can I detect an emotion when giving a voice input.
@HackersRealm
@HackersRealm Жыл бұрын
You can capture the audio and use the same preprocessing methods and predict the label from the model
@aandabros491
@aandabros491 Жыл бұрын
Is the code same
@aandabros491
@aandabros491 Жыл бұрын
Is there any changes
@HackersRealm
@HackersRealm Жыл бұрын
@@aandabros491 You have to make changes for getting real time input!!!
@shehabeldin8307
@shehabeldin8307 2 жыл бұрын
hello i wanna somebody to help me when i using waveplot it give me error i wanna to know whats wrong ??!!
@HackersRealm
@HackersRealm 2 жыл бұрын
what error it's showing?
@shehabeldin8307
@shehabeldin8307 2 жыл бұрын
@@HackersRealm AttributeError: module 'librosa.display' has no attribute 'waveplot'
@HackersRealm
@HackersRealm 2 жыл бұрын
@@shehabeldin8307 did you install librosa module? you can do using "pip install librosa"
@shehabeldin8307
@shehabeldin8307 2 жыл бұрын
@@HackersRealm yes yes i used pip install librosa
@HackersRealm
@HackersRealm 2 жыл бұрын
@@shehabeldin8307 still facing the issue? are you running in local or kaggle?
@foods-travel
@foods-travel Жыл бұрын
hello sir plzzzz test file share
@archanapanjada3151
@archanapanjada3151 Жыл бұрын
How to clear the waveplot error?
@HackersRealm
@HackersRealm Жыл бұрын
you could use waveshow or use different library
@meghanaarballi7270
@meghanaarballi7270 2 жыл бұрын
Hey, I am getting an Attribute Error for Emotion=fear
@HackersRealm
@HackersRealm 2 жыл бұрын
Are you using same dataset?
@meghanaarballi7270
@meghanaarballi7270 2 жыл бұрын
Yess same dataset
@HackersRealm
@HackersRealm 2 жыл бұрын
@@meghanaarballi7270 If you're using same code, you won't get the issues like this or you can reach me via insta or linkedin to share the pic of the error
@meghanaarballi7270
@meghanaarballi7270 2 жыл бұрын
We have used the same code but still getting this error
@laiqamalik8345
@laiqamalik8345 Жыл бұрын
Can we do this project with CNN or RNN?
@HackersRealm
@HackersRealm Жыл бұрын
yeah, it's possible
@praveenkumawat8183
@praveenkumawat8183 Жыл бұрын
How to create setup for this project
@HackersRealm
@HackersRealm Жыл бұрын
You can directly go to kaggle and use this notebook, it's simple only
@sahilbhatt2181
@sahilbhatt2181 Жыл бұрын
sir how can i give another audio to model and predict the label ? can you please give me code snippet ? please !!
@HackersRealm
@HackersRealm Жыл бұрын
you have to do the same preprocessing steps we have done for the audio and do the prediction from the trained model
@sahilbhatt2181
@sahilbhatt2181 Жыл бұрын
def feature(filename): y, sr = librosa.load(filename, duration=3, offset=0.5) mfcc = np.mean(librosa.feature.mfcc(y=y, sr=sr, n_mfcc=40).T, axis=0) X = [x for x in mfcc] X = np.array(X) X = np.expand_dims(X, -1) return X ftr = feature(r'E:\SAM\SEM 6 PROJECT\Recording.wav') prediction = model.predict(ftr) print(prediction.shape) i've done this but yet don't know how can i retrieve label can you please guide me ? please !!
@HackersRealm
@HackersRealm Жыл бұрын
@@sahilbhatt2181 you want to save this on the disk?
@sahilbhatt2181
@sahilbhatt2181 Жыл бұрын
@@HackersRealm yes sir ! I'm coding it in vs code.
@HackersRealm
@HackersRealm Жыл бұрын
@@sahilbhatt2181 if you are predicting for multiple files, use list to save the predictions and create a csv from that. It's easier that way
@muscity36
@muscity36 2 жыл бұрын
have u published any paper regarding this project?
@HackersRealm
@HackersRealm 2 жыл бұрын
No
@tetakalapavani7510
@tetakalapavani7510 9 ай бұрын
will this work in jupyter too?
@HackersRealm
@HackersRealm 9 ай бұрын
yes
@sam-mv6vj
@sam-mv6vj 2 жыл бұрын
Bro have you uploaded breast cancer classification yet ??
@HackersRealm
@HackersRealm 2 жыл бұрын
Not yet, will be creating video with different techniques as I covered so many classifications problems till now!!!
@sam-mv6vj
@sam-mv6vj 2 жыл бұрын
@@HackersRealm i mean i have seen in commuinity tab list of videos that you gonna upload and my project also about breast cancer detection that why i asked
@HackersRealm
@HackersRealm 2 жыл бұрын
@@sam-mv6vj okk will be uploading soon!!!
@sam-mv6vj
@sam-mv6vj 2 жыл бұрын
@@HackersRealm thank you so much
@smarthanand4327
@smarthanand4327 Жыл бұрын
Sir is there any GUI related this ?
@HackersRealm
@HackersRealm Жыл бұрын
sorry, I don't have any GUI for this one
@user-se7qr1sr7i
@user-se7qr1sr7i 4 ай бұрын
@@HackersRealm then make one
@foods-travel
@foods-travel Жыл бұрын
Test File is necessary plzzzz
@HackersRealm
@HackersRealm Жыл бұрын
you can split the data for train and test. There is no separate test file for this dataset
@gundamdinesh5067
@gundamdinesh5067 2 жыл бұрын
How to run the code ?
@HackersRealm
@HackersRealm 2 жыл бұрын
you can run in google colab or jupyter notebook
@dilipprince9181
@dilipprince9181 2 жыл бұрын
if i type the coding as below emotion='fear' path = df['speech'][df['label']==emotion][0] data, sampling_rate = librosa.load(path) waveplot(data, sampling_rate, emotion) spectogram(data, sampling_rate, emotion) AttributeError: module 'librosa.display' has no attribute 'waveplot' i got attribute error what i have to do
@HackersRealm
@HackersRealm 2 жыл бұрын
It depends on the module version, i think some comments have alternate solution
@yolandasundari5356
@yolandasundari5356 2 жыл бұрын
@@HackersRealm hi sir, i want to ask, that means in this video, you use algorithm "RNN" right? or any else? hope your answer, thanks
@HackersRealm
@HackersRealm 2 жыл бұрын
@@yolandasundari5356 yes it rnn architecture only
@siddharthsingh8775
@siddharthsingh8775 Жыл бұрын
I might be a bit late to this but instead of waveplot it should be waveshow().
@foods-travel
@foods-travel Жыл бұрын
Make it plzzz
@suhbhajeetkrishnadey7415
@suhbhajeetkrishnadey7415 2 жыл бұрын
Bro there is a problem in Audio(path) Name ‘audio’ is not defined Idk why🥲
@HackersRealm
@HackersRealm 2 жыл бұрын
you have to import that audio module i guess
@Arjun-ks1gh
@Arjun-ks1gh Жыл бұрын
getting error in sns.countplot(df['label']) step please help
@HackersRealm
@HackersRealm Жыл бұрын
have you tried running from start?
@Arjun-ks1gh
@Arjun-ks1gh Жыл бұрын
@@HackersRealm bro only that line is not working rest is fine. Anyways its working..Thank you..
@asgaraizazpeerzada8512
@asgaraizazpeerzada8512 Жыл бұрын
@@Arjun-ks1gh bro how u solved that error plzz help
Breast Cancer Detection Analysis | Pycaret | Machine Learning | Python
35:26
ML Was Hard Until I Learned These 5 Secrets!
13:11
Boris Meinardus
Рет қаралды 288 М.
白天使选错惹黑天使生气。#天使 #小丑女
00:31
天使夫妇
Рет қаралды 17 МЛН
Oh No! My Doll Fell In The Dirt🤧💩
00:17
ToolTastic
Рет қаралды 13 МЛН
Prank vs Prank #shorts
00:28
Mr DegrEE
Рет қаралды 13 МЛН
Urban Sound Analysis (Sound Classification) | Deep Learning | Python
44:08
I Built a Personal Speech Recognition System for my AI Assistant
16:32
Speech Emotion Recognition | Meera Mohan | | Department of Vocation
5:29
CMS College Kottayam
Рет қаралды 10 М.
How I'd Learn AI (If I Had to Start Over)
15:04
Thu Vu data analytics
Рет қаралды 790 М.
Speech Emotion Recognition
3:21
Aaditya Sharma
Рет қаралды 1,8 М.
Speech Emotion Detection
59:54
Amazon re:MARS
Рет қаралды 27 М.
3 - Audio Feature Extraction using Python
13:58
Prabhjot Gosal
Рет қаралды 42 М.
Speech Emotion Recognition using Deep Learning
13:59
StudyGyaan
Рет қаралды 26 М.
白天使选错惹黑天使生气。#天使 #小丑女
00:31
天使夫妇
Рет қаралды 17 МЛН